• Stars
    star
    127
  • Rank 282,790 (Top 6 %)
  • Language
    Python
  • License
    GNU General Publi...
  • Created over 3 years ago
  • Updated about 3 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

Pytorch implementation of AngularGrad: A New Optimization Technique for Angular Convergence of Convolutional Neural Networks

AngularGrad Optimizer

This repository contains the oficial implementation for AngularGrad: A New Optimization Technique for Angular Convergence of Convolutional Neural Networks in PyTorch.

AngularGrad reduces the zig-zag effect in the optimization trajectory. Fluctuations are significantly smoothed, tracing a more direct path towards the minimum of the cost function.

You can import the optimizer as follows:

from myoptims.tanangulargrad import tanangulargrad
from myoptims.cosangulargrad import cosangulargrad
...
model = YourModel()
optimizer = tanangulargrad(model.parameters())
...
for input, output in data:
  optimizer.zero_grad()
  loss = loss_function(output, model(input))
  loss.backward()
  optimizer.step()
...

If you have questions or suggestions, please feel free to open an issue. Please cite as:

@article{roy2021angulargrad,
  title={AngularGrad: A New Optimization Technique for Angular Convergence of Convolutional Neural Networks},
  author={S.K. Roy, M.E. Paoletti, J.M. Haut, S.R. Dubey, P. Kar, A. Plaza and B.B. Chaudhuri},
  journal={arXiv preprint arXiv:2105.10190},
  year={2021}
}

Experiments

Experiments in the paper:

Analitycal

cd analitycal/
python main.py

CIFAR-10/100

cd cifar/
python main.py --dataset <cifar10/cifar100> --model <r18/r34/.../vgg16/d121> --alg <adam/sgd/.../cosangulargrad/tanangulargrad> --lr <float>
Example:
python main.py --dataset cifar10 --model r50 --alg cosangulargrad --lr 1e-3

Mini-ImageNet:

cd mini-imagenet/
wget URL dataset
python main.py DATADIR --alg <adam/sgd/.../cosangulargrad/tanangulargrad> --lr <float>
Example:
python main.py ./split_mini/ --alg cosangulargrad --model r50 --lr 1e-3

Fine-Grained:

cd fine-grained/
wget URL datasets
python main.py DATADIR --dataset <dsetname> --alg <adam/sgd/.../cosangulargrad/tanangulargrad> --lr <float>
Example:
python main.py ./data/Car196/ --dataset cars --alg adam --lr 1e-3

More Repositories

1

hyperspectral_deeplearning_review

Code of paper "Deep Learning Classifiers for Hyperspectral Imaging: A Review"
Python
184
star
2

pResNet-HSI

Source code of "Deep Pyramidal Residual Networks for Spectral–Spatial Hyperspectral Image Classification"
Python
56
star
3

HSI-datasets

Hyperspectral Remote Sensing Scenes
Python
52
star
4

3D-HyperGAMO

Keras implementation of Generative Adversarial Minority Oversampling for Spectral-Spatial Hyperspectral Image Classification
Python
50
star
5

HSI-SDeCNN

Source code of "A Single Model CNN for Hyperspectral Image Denoising"
MATLAB
43
star
6

morphFormer

Python
30
star
7

scalable_RNN_HSI

Source code of "Scalable Recurrent Neural Network for Hyperspectral Image Classification"
Python
18
star
8

UIMG2DSM

U-IMG2DSM: Unpaired Simulation of Digital Surface Models with Generative Adversarial Networks
Python
13
star
9

ROhsi

Source code of "Hyperspectral Image Classification Using Random Occlusion Data Augmentation"
Python
13
star
10

Latex_Response_Letter

TeX
7
star
11

aerial-image-superresolution

Dataset used on paper
Python
7
star
12

cloud-dnn-HSI

Cloud Deep Networks for Hyperspectral Image Analysis
Scala
6
star
13

Templates

Templates Open Source. Politechnic School, Cáceres, University of Extremadura.
TeX
4
star
14

DeepNRD

Source code of "Neighboring Region Dropout for Hyperspectral Image Classification"
Python
4
star
15

HeterogeneusModelDNN

Python
3
star
16

ThuleRSbot

Python
3
star
17

CapsNet-HSI

Python
3
star
18

static_load_deeplearning

Training Deep Networks: A Static Load Balancing Approach
Python
3
star
19

gpu_plsa_unmixing_HSI

Source code of "GPU Parallel Implementation of Dual-Depth Sparse Probabilistic Latent Semantic Analysis for Hyperspectral Unmixing"
Python
2
star
20

HSI-3DSpLoss

Python
2
star
21

learnbot-emotions

Python
1
star
22

human-detector-PCL

C++
1
star
23

imbalance-review

Python
1
star
24

unity2D

1
star
25

unity3D

1
star