Somshubra Majumdar (@titu1994)

Top repositories

1

Neural-Style-Transfer

Keras Implementation of Neural Style Transfer from the paper "A Neural Algorithm of Artistic Style" (http://arxiv.org/abs/1508.06576) in Keras 2.0+
Jupyter Notebook
2,265
star
2

Image-Super-Resolution

Implementation of Super Resolution CNN in Keras.
Python
827
star
3

neural-image-assessment

Implementation of NIMA: Neural Image Assessment in Keras
Python
764
star
4

LSTM-FCN

Codebase for the paper LSTM Fully Convolutional Networks for Time Series Classification
Python
735
star
5

DenseNet

DenseNet implementation in Keras
Python
707
star
6

MLSTM-FCN

Multivariate LSTM Fully Convolutional Networks for Time Series Classification
Python
476
star
7

neural-architecture-search

Basic implementation of [Neural Architecture Search with Reinforcement Learning](https://arxiv.org/abs/1611.01578).
Python
424
star
8

keras-squeeze-excite-network

Implementation of Squeeze and Excitation Networks in Keras
Python
401
star
9

Inception-v4

Inception-v4, Inception - Resnet-v1 and v2 Architectures in Keras
Python
384
star
10

Keras-Classification-Models

Collection of Keras models used for classification
Python
317
star
11

Snapshot-Ensembles

Snapshot Ensemble in Keras
Python
304
star
12

keras-non-local-nets

Keras implementation of Non-local Neural Networks
Python
291
star
13

keras-one-cycle

Implementation of One-Cycle Learning rate policy (adapted from Fast.ai lib)
Python
285
star
14

Super-Resolution-using-Generative-Adversarial-Networks

An implementation of SRGAN model in Keras
Python
281
star
15

tf-TabNet

A Tensorflow 2.0 implementation of TabNet.
Python
235
star
16

Keras-ResNeXt

Implementation of ResNeXt models from the paper Aggregated Residual Transformations for Deep Neural Networks in Keras 2.0+.
Python
223
star
17

tfdiffeq

Tensorflow implementation of Ordinary Differential Equation Solvers with full GPU support
Python
215
star
18

Keras-NASNet

"NASNet" models in Keras 2.0+ with weights
Python
200
star
19

keras-efficientnets

Keras Implementation of EfficientNets
Python
188
star
20

tf_SIREN

Tensorflow 2.0 implementation of Sinusodial Representation networks (SIREN)
Python
148
star
21

keras-coordconv

Keras implementation of CoordConv for all Convolution layers
Python
148
star
22

MobileNetworks

Keras implementation of Mobile Networks
Python
131
star
23

keras-adabound

Keras implementation of AdaBound
Python
130
star
24

keras-attention-augmented-convs

Keras implementation of Attention Augmented Convolutional Neural Networks
Python
120
star
25

progressive-neural-architecture-search

Implementation of Progressive Neural Architecture Search in Keras and Tensorflow
Python
119
star
26

Keras-DualPathNetworks

Dual Path Networks for Keras 2.0+
Python
114
star
27

Wide-Residual-Networks

Wide Residual Networks in Keras
Python
112
star
28

Fast-Neural-Style

Implementation of "Perceptual Losses for Real-Time Style Transfer and Super-Resolution" in Keras
Python
109
star
29

Keras-Group-Normalization

A Keras implementation of https://arxiv.org/abs/1803.08494
Python
103
star
30

BatchRenormalization

Batch Renormalization algorithm implementation in Keras
Python
98
star
31

Nested-LSTM

Keras implementation of Nested LSTMs
Python
90
star
32

keras-SRU

Implementation of Simple Recurrent Unit in Keras
Python
89
star
33

Fully-Connected-DenseNets-Semantic-Segmentation

Fully Connected DenseNet for Image Segmentation (https://arxiv.org/pdf/1611.09326v1.pdf)
Python
84
star
34

keras-LAMB-Optimizer

Implementation of the LAMB optimizer for Keras from the paper "Reducing BERT Pre-Training Time from 3 Days to 76 Minutes"
Python
76
star
35

tf-eager-examples

A set of simple examples ported from PyTorch for Tensorflow Eager Execution
Jupyter Notebook
74
star
36

keras_rectified_adam

Implementation of Rectified Adam in Keras
Python
69
star
37

Keras-IndRNN

Implementation of IndRNN in Keras
Python
67
star
38

LSTM-FCN-Ablation

Repository for the ablation study of "Long Short-Term Memory Fully Convolutional Networks for Time Series Classification"
Python
56
star
39

keras-octconv

Keras implementation of Octave Convolutions
Python
53
star
40

keras-global-context-networks

Keras implementation of Global Context Attention blocks
Python
45
star
41

Neural-Style-Transfer-Windows

Windows Form application written in C# to ease usage of neural style transfer script
Python
43
star
42

tf_fourier_features

Tensorflow 2.0 implementation of Fourier Feature Mapping Networks.
Python
42
star
43

Keras-Multiplicative-LSTM

Miltiplicative LSTM for Keras 2.0+
Python
42
star
44

keras_mixnets

Keras Implementation of MixNets: Mixed Depthwise Convolutions
Python
39
star
45

Keras-just-another-network-JANET

Keras implementation of [The unreasonable effectiveness of the forget gate](https://arxiv.org/abs/1804.04849)
Jupyter Notebook
35
star
46

keras-switchnorm

Switch Normalization implementation for Keras 2+
Python
31
star
47

keras-neural-alu

A Keras implementation of Neural Arithmatic and Logical Unit
Python
27
star
48

keras-mobile-colorizer

U-Net Model conditioned with MobileNet features for Grayscale -> Color mapping
Python
25
star
49

Deep-Columnar-Convolutional-Neural-Network

Deep Columnar Convolutional Neural Network architecture, which is based on Multi Columnar DNN (Ciresan 2012).
Python
24
star
50

keras-SparseNet

Keras Implementation of SparseNets
Python
23
star
51

Residual-of-Residual-Networks

Residual Network of Residual Networks in Keras
Python
23
star
52

pyshac

A Python library for the Sequential Halving and Classification algorithm
Python
21
star
53

Adversarial-Attacks-Time-Series

Codebase for the paper "Adversarial Attacks on Time Series"
Python
20
star
54

keras_novograd

Keras implementation of NovoGrad
Python
20
star
55

simple_diffusion

Simple notebooks to learn diffusion models on toy datasets
Jupyter Notebook
17
star
56

keras-normalized-optimizers

Wrapper for Normalized Gradient Descent in Keras
Jupyter Notebook
17
star
57

keras-padam

Keras implementation of Padam from "Closing the Generalization Gap of Adaptive Gradient Methods in Training Deep Neural Networks"
Python
17
star
58

pytorch_odegan

Partial implementation of ODE-GAN technique from the paper Training Generative Adversarial Networks by Solving Ordinary Differential Equations
Python
16
star
59

tf-sha-rnn

Tensorflow port implementation of Single Headed Attention RNN
Python
16
star
60

warprnnt_numba

WarpRNNT loss ported in Numba CPU/CUDA for Pytorch
Jupyter Notebook
16
star
61

Advanced_Machine_Learning

Python
16
star
62

keras-minimal-rnn

Keras implementation of MinimalRNN: Toward More Interpretable and Trainable Recurrent Neural Networks
Python
16
star
63

dtw-numba

Implementation of Dynamic Time Warping algorithm with speed improvements based on Numba.
Python
15
star
64

TweetSentimentAnalysis

CS583 course project
Python
14
star
65

tf_GON

Tensorflow 2.x implementation of Gradient Origin Networks
Python
13
star
66

lambda_networks_pt

Lambda Networks implemented in PyTorch
Python
12
star
67

tf_neural_deconvolution

Neural Deconvolutions in Tensorflow
Python
12
star
68

Python-Work

Python scripts to facilitate easy working
Jupyter Notebook
11
star
69

PyCTakesParser

Utilities to parse the output of cTAKES
Python
10
star
70

tf_star_rnn

Tensorflow 2.0 implementation of STAR RNN
Python
10
star
71

Deep-Dream

Deep Dream implementation in Keras
Python
9
star
72

Kaggle

Kaggle competition library. Uses Python 3.4.1 with almost all known python libraries for Machine Learning
Python
7
star
73

Music-Recognition

C# project to perform Frequency Analysis of music
C#
5
star
74

Rabin-Karp-String-Matching

C
4
star
75

Data-Science

Library of Data Science classes
Python
3
star
76

diffusion_model_nemo

Python
3
star
77

Ragial-Searcher

The Core Java library used to parse and store Ragial.com data
HTML
3
star
78

MSApriori

Multiple support apriori algorithm in Java
Java
3
star
79

RagialNotifier

Android App to parse ragial.com using the Ragial Searcher library to track items and notify the user if the item is on sale. Developed for the game Ragnarok Online, developed and owned by Gravity Inc.
Java
3
star
80

braindrain-uncommonhacks

JavaScript
2
star
81

IDS-Course-Project

Intro to Data Science Project
Python
2
star
82

ML-Tools

Python
2
star
83

Tiger-Game

Tiger Game in Python 2.7 / 3.4+
Python
2
star
84

8086-Microprocessor

An attempt to emulate an 8086 microprocessor, with its ASM instruction set.
Java
2
star
85

titu1994.github.io

HTML
2
star
86

Adaptive-Sorting-Algorithm

Analysis and implementation of Machine Learning Decision Tree to classify best algorithm for given data set
C#
2
star
87

Optimal-Binary-Search-Tree

C
2
star
88

Naive-String-Matching

C
2
star
89

Recurstion-C

Recursion in C
C
2
star
90

Java-Adaptive-Sorting-Algorithm

Adaptive Sorting Algorithm using Decision Trees to decide which algorithm will be optimal to sort a given dataset.
Java
2
star
91

Rate-Monotonic-Scheduling-Algorithm

Java
1
star
92

WT-Mini-Project

CSS
1
star
93

Kruskals-Algorithm

C
1
star
94

Stack

Stack
C
1
star
95

Doublu-Linked-List

Doubly Linked List
C
1
star
96

CircularLinkedList

Circular Linked List in C
C
1
star
97

SOOAD-Mini-Project

Java
1
star
98

Knuth-Morris-Pratt

C
1
star
99

MyLib

1
star
100

Stack-with-Linked-List

Stack with Linked List
C
1
star