All Projects → Keras Sharp → Similar Projects or Alternatives

418 Open source projects that are alternatives of or similar to Keras Sharp

Ssd Pytorch
SSD: Single Shot MultiBox Detector pytorch implementation focusing on simplicity
Stars: ✭ 107 (-56.68%)
Mutual labels:  neural-networks
Flashtorch
Visualization toolkit for neural networks in PyTorch! Demo -->
Stars: ✭ 561 (+127.13%)
Mutual labels:  neural-networks
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (-21.05%)
Mutual labels:  neural-networks
Tensorflow Value Iteration Networks
TensorFlow implementation of the Value Iteration Networks (NIPS '16) paper
Stars: ✭ 549 (+122.27%)
Mutual labels:  neural-networks
Torchmd
End-To-End Molecular Dynamics (MD) Engine using PyTorch
Stars: ✭ 99 (-59.92%)
Mutual labels:  neural-networks
Graph nets
Build Graph Nets in Tensorflow
Stars: ✭ 5,051 (+1944.94%)
Mutual labels:  neural-networks
Capsule Net Pytorch
[NO MAINTENANCE INTENDED] A PyTorch implementation of CapsNet architecture in the NIPS 2017 paper "Dynamic Routing Between Capsules".
Stars: ✭ 158 (-36.03%)
Mutual labels:  neural-networks
Sense
Enhance your application with the ability to see and interact with humans using any RGB camera.
Stars: ✭ 522 (+111.34%)
Mutual labels:  neural-networks
Pytorchnlpbook
Code and data accompanying Natural Language Processing with PyTorch published by O'Reilly Media https://nlproc.info
Stars: ✭ 1,390 (+462.75%)
Mutual labels:  neural-networks
Machine Learning Articles
Monthly Series - Top 10 Machine Learning Articles
Stars: ✭ 516 (+108.91%)
Mutual labels:  neural-networks
Igel
a delightful machine learning tool that allows you to train, test, and use models without writing code
Stars: ✭ 2,956 (+1096.76%)
Mutual labels:  neural-networks
Edward
A probabilistic programming language in TensorFlow. Deep generative models, variational inference.
Stars: ✭ 4,674 (+1792.31%)
Mutual labels:  neural-networks
Smrt
Handle class imbalance intelligently by using variational auto-encoders to generate synthetic observations of your minority class.
Stars: ✭ 102 (-58.7%)
Mutual labels:  neural-networks
Chemprop
Message Passing Neural Networks for Molecule Property Prediction
Stars: ✭ 501 (+102.83%)
Mutual labels:  neural-networks
Nettack
Implementation of the paper "Adversarial Attacks on Neural Networks for Graph Data".
Stars: ✭ 156 (-36.84%)
Mutual labels:  neural-networks
Learn Data Science For Free
This repositary is a combination of different resources lying scattered all over the internet. The reason for making such an repositary is to combine all the valuable resources in a sequential manner, so that it helps every beginners who are in a search of free and structured learning resource for Data Science. For Constant Updates Follow me in …
Stars: ✭ 4,757 (+1825.91%)
Mutual labels:  neural-networks
Tooth Detection
🦷 Detection of restorations and treatments on dental x-rays in Tensorflow, using Faster-RCNN
Stars: ✭ 99 (-59.92%)
Mutual labels:  neural-networks
Bayesian Analysis Recipes
A collection of Bayesian data analysis recipes using PyMC3
Stars: ✭ 479 (+93.93%)
Mutual labels:  neural-networks
Dm control
DeepMind's software stack for physics-based simulation and Reinforcement Learning environments, using MuJoCo.
Stars: ✭ 2,592 (+949.39%)
Mutual labels:  neural-networks
Introtodeeplearning
Lab Materials for MIT 6.S191: Introduction to Deep Learning
Stars: ✭ 4,955 (+1906.07%)
Mutual labels:  neural-networks
Micro Racing
🚗 🏎️ 🎮 online 3D multiplayer neural networks based racing game
Stars: ✭ 100 (-59.51%)
Mutual labels:  neural-networks
Deeplearning.ai Natural Language Processing Specialization
This repository contains my full work and notes on Coursera's NLP Specialization (Natural Language Processing) taught by the instructor Younes Bensouda Mourri and Łukasz Kaiser offered by deeplearning.ai
Stars: ✭ 473 (+91.5%)
Mutual labels:  neural-networks
Emlearn
Machine Learning inference engine for Microcontrollers and Embedded devices
Stars: ✭ 154 (-37.65%)
Mutual labels:  neural-networks
Seq2seqchatbots
A wrapper around tensor2tensor to flexibly train, interact, and generate data for neural chatbots.
Stars: ✭ 466 (+88.66%)
Mutual labels:  neural-networks
Mit Deep Learning Book Pdf
MIT Deep Learning Book in PDF format (complete and parts) by Ian Goodfellow, Yoshua Bengio and Aaron Courville
Stars: ✭ 9,859 (+3891.5%)
Mutual labels:  neural-networks
Dn2a
DN2A - Digital Neural Networks Architecture
Stars: ✭ 462 (+87.04%)
Mutual labels:  neural-networks
Tcdf
Temporal Causal Discovery Framework (PyTorch): discovering causal relationships between time series
Stars: ✭ 217 (-12.15%)
Mutual labels:  neural-networks
Pytorch Tutorial
PyTorch Tutorial for Deep Learning Researchers
Stars: ✭ 22,442 (+8985.83%)
Mutual labels:  neural-networks
Sarcasmdetection
Sarcasm detection on tweets using neural network
Stars: ✭ 99 (-59.92%)
Mutual labels:  neural-networks
Deeplearningproject
An in-depth machine learning tutorial introducing readers to a whole machine learning pipeline from scratch.
Stars: ✭ 4,293 (+1638.06%)
Mutual labels:  neural-networks
Cryptonets
CryptoNets is a demonstration of the use of Neural-Networks over data encrypted with Homomorphic Encryption. Homomorphic Encryptions allow performing operations such as addition and multiplication over data while it is encrypted. Therefore, it allows keeping data private while outsourcing computation (see here and here for more about Homomorphic Encryptions and its applications). This project demonstrates the use of Homomorphic Encryption for outsourcing neural-network predictions. The scenario in mind is a provider that would like to provide Prediction as a Service (PaaS) but the data for which predictions are needed may be private. This may be the case in fields such as health or finance. By using CryptoNets, the user of the service can encrypt their data using Homomorphic Encryption and send only the encrypted message to the service provider. Since Homomorphic Encryptions allow the provider to operate on the data while it is encrypted, the provider can make predictions using a pre-trained Neural-Network while the data remains encrypted throughout the process and finaly send the prediction to the user who can decrypt the results. During the process the service provider does not learn anything about the data that was used, the prediction that was made or any intermediate result since everything is encrypted throughout the process. This project uses the Simple Encrypted Arithmetic Library SEAL version 3.2.1 implementation of Homomorphic Encryption developed in Microsoft Research.
Stars: ✭ 152 (-38.46%)
Mutual labels:  neural-networks
Pytorch Flows
PyTorch implementations of algorithms for density estimation
Stars: ✭ 439 (+77.73%)
Mutual labels:  neural-networks
Pytorch Esn
An Echo State Network module for PyTorch.
Stars: ✭ 98 (-60.32%)
Mutual labels:  neural-networks
Ruby Fann
Ruby library for interfacing with FANN (Fast Artificial Neural Network)
Stars: ✭ 425 (+72.06%)
Mutual labels:  neural-networks
Neural Localization
Train an RL agent to localize actively (PyTorch)
Stars: ✭ 193 (-21.86%)
Mutual labels:  neural-networks
Learning To Learn
Learning to Learn in TensorFlow
Stars: ✭ 4,038 (+1534.82%)
Mutual labels:  neural-networks
Face Attribute Prediction
Face Attribute Prediction on CelebA benchmark with PyTorch Implementation
Stars: ✭ 92 (-62.75%)
Mutual labels:  neural-networks
Deep Learning Resources
由淺入深的深度學習資源 Collection of deep learning materials for everyone
Stars: ✭ 422 (+70.85%)
Mutual labels:  neural-networks
Ml Workspace
🛠 All-in-one web-based IDE specialized for machine learning and data science.
Stars: ✭ 2,337 (+846.15%)
Mutual labels:  neural-networks
Nn playground
Experimental keras implementation of novel neural network structures
Stars: ✭ 414 (+67.61%)
Mutual labels:  neural-networks
Deeplearninganimepapers
A list of papers and other resources on deep learning with anime style images.
Stars: ✭ 1,307 (+429.15%)
Mutual labels:  neural-networks
Simgan
Implementation of Apple's Learning from Simulated and Unsupervised Images through Adversarial Training
Stars: ✭ 406 (+64.37%)
Mutual labels:  neural-networks
Echotorch
A Python toolkit for Reservoir Computing and Echo State Network experimentation based on pyTorch. EchoTorch is the only Python module available to easily create Deep Reservoir Computing models.
Stars: ✭ 231 (-6.48%)
Mutual labels:  neural-networks
Lasagne
Lightweight library to build and train neural networks in Theano
Stars: ✭ 3,800 (+1438.46%)
Mutual labels:  neural-networks
Ennui
An Elegant Neural Network User Interface to build drag-and-drop neural networks, train in the browser, visualize during training, and export to Python.
Stars: ✭ 90 (-63.56%)
Mutual labels:  neural-networks
Deep Reinforcement Learning
Repo for the Deep Reinforcement Learning Nanodegree program
Stars: ✭ 4,012 (+1524.29%)
Mutual labels:  neural-networks
Gluon Ts
Probabilistic time series modeling in Python
Stars: ✭ 2,373 (+860.73%)
Mutual labels:  neural-networks
Start Machine Learning In 2020
A complete guide to start and improve in machine learning (ML), artificial intelligence (AI) in 2021 without ANY background in the field and stay up-to-date with the latest news and state-of-the-art techniques!
Stars: ✭ 357 (+44.53%)
Mutual labels:  neural-networks
Awesome Medical Imaging
Awesome list of software that I use to do research in medical imaging.
Stars: ✭ 87 (-64.78%)
Mutual labels:  neural-networks
Cs224n Winter Together
an Open Course Platform for Stanford CS224n (2020 Winter)
Stars: ✭ 374 (+51.42%)
Mutual labels:  neural-networks
Deep Learning Notes
My personal notes, presentations, and notebooks on everything Deep Learning.
Stars: ✭ 191 (-22.67%)
Mutual labels:  neural-networks
Backpropaganda
A simple JavaScript neural network framework.
Stars: ✭ 86 (-65.18%)
Mutual labels:  neural-networks
Speechbrain.github.io
The SpeechBrain project aims to build a novel speech toolkit fully based on PyTorch. With SpeechBrain users can easily create speech processing systems, ranging from speech recognition (both HMM/DNN and end-to-end), speaker recognition, speech enhancement, speech separation, multi-microphone speech processing, and many others.
Stars: ✭ 242 (-2.02%)
Mutual labels:  neural-networks
Da Rnn
Dual-Stage Attention-Based Recurrent Neural Net for Time Series Prediction
Stars: ✭ 242 (-2.02%)
Mutual labels:  neural-networks
Deepposekit
a toolkit for pose estimation using deep learning
Stars: ✭ 233 (-5.67%)
Mutual labels:  neural-networks
Adatune
Gradient based Hyperparameter Tuning library in PyTorch
Stars: ✭ 226 (-8.5%)
Mutual labels:  neural-networks
Unsupervisedscalablerepresentationlearningtimeseries
Unsupervised Scalable Representation Learning for Multivariate Time Series: Experiments
Stars: ✭ 205 (-17%)
Mutual labels:  neural-networks
Shape Detection
🟣 Object detection of abstract shapes with neural networks
Stars: ✭ 170 (-31.17%)
Mutual labels:  neural-networks
Keras2cpp
it's a small library for running trained Keras 2 models from a native C++ code.
Stars: ✭ 124 (-49.8%)
Mutual labels:  neural-networks
Deepaudioclassification
Finding the genre of a song with Deep Learning
Stars: ✭ 969 (+292.31%)
Mutual labels:  neural-networks
301-360 of 418 similar projects