All Projects → kaszperro → Slick Dnn

kaszperro / Slick Dnn

Licence: unlicense
Tiny and elegant deep learning library

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Slick Dnn

Tabnet
PyTorch implementation of TabNet paper : https://arxiv.org/pdf/1908.07442.pdf
Stars: ✭ 882 (+673.68%)
Mutual labels:  deep-neural-networks, machine-learning-library
Deep architect
A general, modular, and programmable architecture search framework
Stars: ✭ 110 (-3.51%)
Mutual labels:  deep-neural-networks
Faceaging By Cyclegan
Stars: ✭ 105 (-7.89%)
Mutual labels:  deep-neural-networks
Selfdrivingcar
A collection of all projects pertaining to different layers in the SDC software stack
Stars: ✭ 107 (-6.14%)
Mutual labels:  deep-neural-networks
Jlm
A fast LSTM Language Model for large vocabulary language like Japanese and Chinese
Stars: ✭ 105 (-7.89%)
Mutual labels:  deep-neural-networks
Deep learning object detection
A paper list of object detection using deep learning.
Stars: ✭ 10,334 (+8964.91%)
Mutual labels:  deep-neural-networks
Intro To Deep Learning
A collection of materials to help you learn about deep learning
Stars: ✭ 103 (-9.65%)
Mutual labels:  deep-neural-networks
Adversarialdnn Playground
VizSec17: Web-based visualization tool for adversarial machine learning / LiveDemo
Stars: ✭ 113 (-0.88%)
Mutual labels:  deep-neural-networks
Torch Dreams
Making neural networks more interpretable, for research and art 🔎 💻 :brain: 🎨
Stars: ✭ 102 (-10.53%)
Mutual labels:  deep-neural-networks
Video2description
Video to Text: Generates description in natural language for given video (Video Captioning)
Stars: ✭ 107 (-6.14%)
Mutual labels:  deep-neural-networks
Rtemis
Advanced Machine Learning and Visualization
Stars: ✭ 107 (-6.14%)
Mutual labels:  machine-learning-library
Opentpod
Open Toolkit for Painless Object Detection
Stars: ✭ 106 (-7.02%)
Mutual labels:  deep-neural-networks
Faceswap
Deepfakes Software For All
Stars: ✭ 39,911 (+34909.65%)
Mutual labels:  deep-neural-networks
Planematch
[ECCV'18 Oral] PlaneMatch: Patch Coplanarity Prediction for Robust RGB-D Reconstruction
Stars: ✭ 105 (-7.89%)
Mutual labels:  deep-neural-networks
Robust Lane Detection
Stars: ✭ 110 (-3.51%)
Mutual labels:  deep-neural-networks
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+1125.44%)
Mutual labels:  deep-neural-networks
Ict
Code for reproducing ICT ( published in IJCAI 2019)
Stars: ✭ 107 (-6.14%)
Mutual labels:  deep-neural-networks
Neural Doodle
Turn your two-bit doodles into fine artworks with deep neural networks, generate seamless textures from photos, transfer style from one image to another, perform example-based upscaling, but wait... there's more! (An implementation of Semantic Style Transfer.)
Stars: ✭ 9,680 (+8391.23%)
Mutual labels:  deep-neural-networks
Deepcpg
Deep neural networks for predicting CpG methylation
Stars: ✭ 113 (-0.88%)
Mutual labels:  deep-neural-networks
Gpnd
Generative Probabilistic Novelty Detection with Adversarial Autoencoders
Stars: ✭ 112 (-1.75%)
Mutual labels:  deep-neural-networks

Slick-dnn

Deep learning library written in python just for fun.

It uses numpy for computations. API is similar to PyTorch's one.

Docs:

https://slick-dnn.readthedocs.io/en/latest/

Includes:

  1. Activation functions:

    • ArcTan
    • ReLU
    • Sigmoid
    • Softmax
    • Softplus
    • Softsign
    • Tanh
  2. Losses:

    • MSE
    • Cross Entropy
  3. Optimizers:

    • SGD
    • Adam
  4. Layers:

    • Linear
    • Conv2d
    • Sequential
  5. Autograd operations:

    • Reshape
    • Flatten
    • SwapAxes
    • Img2Col
    • MaxPool2d
    • AvgPool2d
    • MatMul
    • Mul
    • Sub
    • Add

Examples:

  • In examples directory there is a MNIST linear classifier, which scores over 96% accuracy on test set.

  • In examples directory there is also MNIST CNN classifier, which scored 99.19% accuracy on test set. One epoch of training takes about 290 seconds. It took 7 epochs to reach 99.19% accuracy (~30 min). Time measured on i5-4670k

  • Sequential model creation:

from slick_dnn.module import Linear, Sequential
from slick_dnn.autograd.activations import Softmax, ReLU
my_model = Sequential(
    Linear(28 * 28, 300),
    ReLU(),
    Linear(300, 300),
    ReLU(),
    Linear(300, 10),
    Softmax()
    )
  • Losses:
from slick_dnn.module import Linear
from slick_dnn.autograd.losses import CrossEntropyLoss, MSELoss
from slick_dnn.variable import Variable
import numpy as np

my_model = Linear(10, 10)

loss1 = CrossEntropyLoss()
loss2 = MSELoss()


good_output = Variable(np.zeros((10,10)))
model_input = Variable(np.ones((10,10)))
model_output = my_model(model_input)

error = loss1(good_output, model_output)

# now you can propagate error backwards:
error.backward()
  • Optimizers:
from slick_dnn.module import Linear
from slick_dnn.autograd.losses import CrossEntropyLoss, MSELoss
from slick_dnn.variable import Variable
from slick_dnn.autograd.optimizers import SGD
import numpy as np


my_model = Linear(10, 10)

loss1 = CrossEntropyLoss()
loss2 = MSELoss()

optimizer1 = SGD(my_model.get_variables_list())

good_output = Variable(np.zeros((10,10)))
model_input = Variable(np.ones((10,10)))
model_output = my_model(model_input)

error = loss1(good_output, model_output)

# now you can propagate error backwards:
error.backward()

# and then optimizer can update variables:
optimizer1.zero_grad()
optimizer1.step()

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