All Projects → zfgao66 → deeplearning-mpo

zfgao66 / deeplearning-mpo

Licence: MIT license
Replace FC2, LeNet-5, VGG, Resnet, Densenet's full-connected layers with MPO

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to deeplearning-mpo

Pytorch Speech Commands
Speech commands recognition with PyTorch
Stars: ✭ 128 (+392.31%)
Mutual labels:  densenet, cifar10
Theano Xnor Net
Theano implementation of XNOR-Net
Stars: ✭ 23 (-11.54%)
Mutual labels:  mnist, cifar10
Chainer Cifar10
Various CNN models for CIFAR10 with Chainer
Stars: ✭ 134 (+415.38%)
Mutual labels:  densenet, cifar10
Cifar 10 Cnn
Play deep learning with CIFAR datasets
Stars: ✭ 756 (+2807.69%)
Mutual labels:  densenet, cifar10
Generative adversarial networks 101
Keras implementations of Generative Adversarial Networks. GANs, DCGAN, CGAN, CCGAN, WGAN and LSGAN models with MNIST and CIFAR-10 datasets.
Stars: ✭ 138 (+430.77%)
Mutual labels:  mnist, cifar10
Pytorch Classification
Classification with PyTorch.
Stars: ✭ 1,268 (+4776.92%)
Mutual labels:  densenet, cifar10
Cifar-Autoencoder
A look at some simple autoencoders for the Cifar10 dataset, including a denoising autoencoder. Python code included.
Stars: ✭ 42 (+61.54%)
Mutual labels:  mnist, cifar10
PFL-Non-IID
The origin of the Non-IID phenomenon is the personalization of users, who generate the Non-IID data. With Non-IID (Not Independent and Identically Distributed) issues existing in the federated learning setting, a myriad of approaches has been proposed to crack this hard nut. In contrast, the personalized federated learning may take the advantage…
Stars: ✭ 58 (+123.08%)
Mutual labels:  mnist, cifar10
Label Embedding Network
Label Embedding Network
Stars: ✭ 69 (+165.38%)
Mutual labels:  mnist, cifar10
Relativistic Average Gan Keras
The implementation of Relativistic average GAN with Keras
Stars: ✭ 36 (+38.46%)
Mutual labels:  mnist, cifar10
image-defect-detection-based-on-CNN
TensorBasicModel
Stars: ✭ 17 (-34.62%)
Mutual labels:  mnist, cifar10
Tf Vqvae
Tensorflow Implementation of the paper [Neural Discrete Representation Learning](https://arxiv.org/abs/1711.00937) (VQ-VAE).
Stars: ✭ 226 (+769.23%)
Mutual labels:  mnist, cifar10
DenseNet-Cifar10
Train DenseNet on Cifar-10 based on Keras
Stars: ✭ 39 (+50%)
Mutual labels:  densenet, cifar10
Neural Api
CAI NEURAL API - Pascal based neural network API optimized for AVX, AVX2 and AVX512 instruction sets plus OpenCL capable devices including AMD, Intel and NVIDIA.
Stars: ✭ 94 (+261.54%)
Mutual labels:  densenet, cifar10
Randwire tensorflow
tensorflow implementation of Exploring Randomly Wired Neural Networks for Image Recognition
Stars: ✭ 29 (+11.54%)
Mutual labels:  mnist, cifar10
Nnpulearning
Non-negative Positive-Unlabeled (nnPU) and unbiased Positive-Unlabeled (uPU) learning reproductive code on MNIST and CIFAR10
Stars: ✭ 181 (+596.15%)
Mutual labels:  mnist, cifar10
gans-2.0
Generative Adversarial Networks in TensorFlow 2.0
Stars: ✭ 76 (+192.31%)
Mutual labels:  mnist, cifar10
gan-vae-pretrained-pytorch
Pretrained GANs + VAEs + classifiers for MNIST/CIFAR in pytorch.
Stars: ✭ 134 (+415.38%)
Mutual labels:  mnist
MNIST-adversarial-images
Create adversarial images to fool a MNIST classifier in TensorFlow
Stars: ✭ 13 (-50%)
Mutual labels:  mnist
gradient-boosted-decision-tree
GBDT (Gradient Boosted Decision Tree: 勾配ブースティング) のpythonによる実装
Stars: ✭ 49 (+88.46%)
Mutual labels:  mnist

MPO-code

This repository contains the code for using MPO structure to replace FC2, LeNet-5, VGG, Resnet, Densenet's full-connected layers introduced in the following paper
"Compressing deep neural networks by matrix product operators"
Ze-Feng Gao, Song Cheng, Rong-Qiang He, Hui-Hai Zhao, Z.Y.Xie, Zhong-Yi Lu, and Tao Xiang
The code is built on Tensorflow

Requirement

Python >=3.4.3
TensorFlow >=1.3.0

How to run

$ pip install --user -r requirements.txt $ python train.py --args=args-you-want-change

Note

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