All Projects β†’ anishsingh20 β†’ Deep-Learning-in-R-using-Keras-and-Tensorflow-

anishsingh20 / Deep-Learning-in-R-using-Keras-and-Tensorflow-

Licence: MIT license
Implementing Deep learning in R using Keras and Tensorflow packages for R and implementing a Multi layer perceptron Model on MNIST dataset and doing Digit Recognition

Programming Languages

r
7636 projects

Projects that are alternatives of or similar to Deep-Learning-in-R-using-Keras-and-Tensorflow-

Handwritten-Digits-Classification-Using-KNN-Multiclass Perceptron-SVM
πŸ† A Comparative Study on Handwritten Digits Recognition using Classifiers like K-Nearest Neighbours (K-NN), Multiclass Perceptron/Artificial Neural Network (ANN) and Support Vector Machine (SVM) discussing the pros and cons of each algorithm and providing the comparison results in terms of accuracy and efficiecy of each algorithm.
Stars: ✭ 42 (+75%)
Mutual labels:  mnist-dataset
keras-aquarium
a small collection of models implemented in keras, including matrix factorization(recommendation system), topic modeling, text classification, etc. Runs on tensorflow.
Stars: ✭ 14 (-41.67%)
Mutual labels:  keras-models
UNet Multiclass
UNet for Multiclass Semantic Segmentation, on Keras, based on Segmentation Models' Unet libray
Stars: ✭ 21 (-12.5%)
Mutual labels:  keras-models
xRBM
Implementation of Restricted Boltzmann Machine (RBM) and its variants in Tensorflow
Stars: ✭ 51 (+112.5%)
Mutual labels:  mnist-dataset
emusic net
Neural network to classify certain styles of Electronic music
Stars: ✭ 22 (-8.33%)
Mutual labels:  keras-models
Video2Language
Generating video descriptions using deep learning in Keras
Stars: ✭ 22 (-8.33%)
Mutual labels:  keras-models
Video Classification Cnn And Lstm
To classify video into various classes using keras library with tensorflow as back-end.
Stars: ✭ 218 (+808.33%)
Mutual labels:  keras-models
Deep-learning-model-deploy-with-django
Serving a keras model (neural networks) in a website with the python Django-REST framework.
Stars: ✭ 76 (+216.67%)
Mutual labels:  keras-models
GTAV-Self-driving-car
Self driving car in GTAV with Deep Learning
Stars: ✭ 15 (-37.5%)
Mutual labels:  keras-models
vrn-torch-to-keras
Transfer pre-trained VRN model from torch to Keras/Tensorflow
Stars: ✭ 63 (+162.5%)
Mutual labels:  keras-models
MNIST-CoreML
Predict handwritten digits with CoreML
Stars: ✭ 63 (+162.5%)
Mutual labels:  mnist-dataset
mnist-draw
Draw and classify digits (0-9) in a browser using machine learning
Stars: ✭ 27 (+12.5%)
Mutual labels:  mnist-dataset
open-solution-cdiscount-starter
Open solution to the Cdiscount’s Image Classification Challenge
Stars: ✭ 20 (-16.67%)
Mutual labels:  keras-models
videoMultiGAN
End to End learning for Video Generation from Text
Stars: ✭ 53 (+120.83%)
Mutual labels:  mnist-dataset
amr
Official adversarial mixup resynthesis repository
Stars: ✭ 31 (+29.17%)
Mutual labels:  mnist-dataset
MNIST
Handwritten digit recognizer using a feed-forward neural network and the MNIST dataset of 70,000 human-labeled handwritten digits.
Stars: ✭ 28 (+16.67%)
Mutual labels:  mnist-dataset
Hand-Digits-Recognition
Recognize your own handwritten digits with Tensorflow, embedded in a PyQT5 GUI. The Neural Network was trained on MNIST.
Stars: ✭ 11 (-54.17%)
Mutual labels:  mnist-dataset
MNIST-cnn
Convolutional neural networks with Python 3
Stars: ✭ 19 (-20.83%)
Mutual labels:  mnist-dataset
babble-rnn
babble-rnn is a research project in the use of machine learning to generate new speech by modelling human speech audio, without any intermediate text or word representations. The idea is to learn to speak through imitation, much like a baby might.
Stars: ✭ 34 (+41.67%)
Mutual labels:  keras-models
CVAE-AnomalyDetection-PyTorch
Example of Anomaly Detection using Convolutional Variational Auto-Encoder (CVAE)
Stars: ✭ 23 (-4.17%)
Mutual labels:  mnist-dataset

Deep-Learning-in-R-using-Keras-and-Tensorflow-

Implementing Deep learning in R using Keras and Tensorflow packages for R and implementing a Multi layer perceptron Model on MNIST dataset and doing Digit Recognition.

Dependencies-

  1. devtools
  2. reticulate
  3. tensorflow
  4. keras

MNIST Data set

GitHub Logo

More Details on the Dataset--http://yann.lecun.com/exdb/mnist/

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