All Projects → leaderj1001 → Lambdanetworks

leaderj1001 / Lambdanetworks

Licence: mit
Implementing Lambda Networks using Pytorch

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Lambdanetworks

Pytorch Book
PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation (《深度学习框架PyTorch:入门与实战》)
Stars: ✭ 9,546 (+8821.5%)
Mutual labels:  image-classification
Tf Mobilenet V2
Mobilenet V2(Inverted Residual) Implementation & Trained Weights Using Tensorflow
Stars: ✭ 85 (-20.56%)
Mutual labels:  image-classification
Ml Classifier
A tool for quickly training image classifiers in the browser
Stars: ✭ 97 (-9.35%)
Mutual labels:  image-classification
Object Recognition Tensorflow
Object Recognition using TensorFlow and Java
Stars: ✭ 77 (-28.04%)
Mutual labels:  image-classification
Bsconv
Reference implementation for Blueprint Separable Convolutions (CVPR 2020)
Stars: ✭ 84 (-21.5%)
Mutual labels:  image-classification
Wb color augmenter
WB color augmenter improves the accuracy of image classification and image semantic segmentation methods by emulating different WB effects (ICCV 2019) [Python & Matlab].
Stars: ✭ 89 (-16.82%)
Mutual labels:  image-classification
Deep Ranking
Learning Fine-grained Image Similarity with Deep Ranking is a novel application of neural networks, where the authors use a new multi scale architecture combined with a triplet loss to create a neural network that is able to perform image search. This repository is a simplified implementation of the same
Stars: ✭ 64 (-40.19%)
Mutual labels:  image-classification
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+1205.61%)
Mutual labels:  image-classification
Deep Learning Training Gui
Train and predict your model on pre-trained deep learning models through the GUI (web app). No more many parameters, no more data preprocessing.
Stars: ✭ 85 (-20.56%)
Mutual labels:  image-classification
Fakeimagedetector
Image Tampering Detection using ELA and CNN
Stars: ✭ 93 (-13.08%)
Mutual labels:  image-classification
Attention Gated Networks
Use of Attention Gates in a Convolutional Neural Network / Medical Image Classification and Segmentation
Stars: ✭ 1,237 (+1056.07%)
Mutual labels:  image-classification
Imageclassification
Deep Learning: Image classification, feature visualization and transfer learning with Keras
Stars: ✭ 83 (-22.43%)
Mutual labels:  image-classification
Scene Baseline
PyTorch baseline for AI challenger Scene classification
Stars: ✭ 89 (-16.82%)
Mutual labels:  image-classification
Marta Gan
MARTA GANs: Unsupervised Representation Learning for Remote Sensing Image Classification
Stars: ✭ 75 (-29.91%)
Mutual labels:  image-classification
Food 101 Mobile
Deep Learning Food Classifier for iOS using Keras and Tensorflow
Stars: ✭ 97 (-9.35%)
Mutual labels:  image-classification
Imbalanced Dataset Sampler
A (PyTorch) imbalanced dataset sampler for oversampling low frequent classes and undersampling high frequent ones.
Stars: ✭ 1,155 (+979.44%)
Mutual labels:  image-classification
Malware Classification
Towards Building an Intelligent Anti-Malware System: A Deep Learning Approach using Support Vector Machine for Malware Classification
Stars: ✭ 88 (-17.76%)
Mutual labels:  image-classification
Indian Paper Currency Prediction
Source code of Indian Paper Currency Prediction 🔥
Stars: ✭ 106 (-0.93%)
Mutual labels:  image-classification
Tta wrapper
Test Time image Augmentation (TTA) wrapper for Keras model.
Stars: ✭ 98 (-8.41%)
Mutual labels:  image-classification
Fast Autoaugment
Official Implementation of 'Fast AutoAugment' in PyTorch.
Stars: ✭ 1,297 (+1112.15%)
Mutual labels:  image-classification

LambdaNetworks: Modeling long-range Interactions without Attention

Experimnets (CIFAR10)

Model k h u m Params (M) Acc (%)
ResNet18 baseline (ref) 14 93.02
LambdaResNet18 16 4 4 9 8.6 92.21 (70 Epochs)
LambdaResNet18 16 4 4 7 8.6 94.20 (67 Epochs)
LambdaResNet18 16 4 4 5 8.6 91.58 (70 Epochs)
LambdaResNet18 16 4 1 23 8 91.36 (69 Epochs)
ResNet50 baseline (ref) 23.5 93.62
LambdaResNet50 16 4 4 7 13 93.74 (70 epochs)

Usage

import torch

from model import LambdaConv, LambdaResNet50, LambdaResNet152

x = torch.randn([2, 3, 32, 32])
conv = LambdaConv(3, 128)
print(conv(x).size()) # [2, 128, 32, 32]

# reference
# https://discuss.pytorch.org/t/how-do-i-check-the-number-of-parameters-of-a-model/4325
def get_n_params(model):
    pp=0
    for p in list(model.parameters()):
        nn=1
        for s in list(p.size()):
            nn = nn*s
        pp += nn
    return pp

model = LambdaResNet50()
print(get_n_params(model)) # 14.9M (Ours) / 15M(Paper)

model = LambdaResNet152()
print(get_n_params(model)) # 32.8M (Ours) / 35M (Paper)

Parameters

Model k h u m Params (M), Paper Params (M), Ours
LambdaResNet50 16 4 1 23 15.0 14.9
LambdaResNet50 16 4 4 7 16.0 16.0
LambdaResNet152 16 4 1 23 35 32.8
LambdaResNet200 16 4 1 23 42 35.29

Ablation Parameters

k h u Params (M), Paper Params (M), Ours
ResNet baseline 25.6 25.5
8 2 1 14.8 15.0
8 16 1 15.6 14.9
2 4 1 14.7 14.6
4 4 1 14.7 14.66
8 4 1 14.8 14.66
16 4 1 15.0 14.99
32 4 1 15.4 15.4
2 8 1 14.7 14.5
4 8 1 14.7 14.57
8 8 1 14.7 14.74
16 8 1 15.1 14.1
32 8 1 15.7 15.76
8 8 4 15.3 15.26
8 8 8 16.0 16.0
16 4 4 16.0 16.0
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].