Topic: "keras-neural-networks"
philipperemy/keras-attention
Keras Attention Layer (Luong and Bahdanau scores).
Language: Python - Size: 4.07 MB - Last synced at: 9 days ago - Pushed at: almost 2 years ago - Stars: 2,813 - Forks: 663
naiveHobo/InvoiceNet
Deep neural network to extract intelligent information from invoice documents.
Language: Python - Size: 43.9 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 2,593 - Forks: 406
philipperemy/keract
Layers Outputs and Gradients in Keras. Made easy.
Language: Python - Size: 4.23 MB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 1,053 - Forks: 189
gmalivenko/pytorch2keras
PyTorch to Keras model convertor
Language: Python - Size: 237 KB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 861 - Forks: 143
umbertogriffo/Predictive-Maintenance-using-LSTM
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.
Language: Python - Size: 8.02 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 683 - Forks: 243
harshbg/Sign-Language-Interpreter-using-Deep-Learning
A sign language interpreter using live video feed from the camera.
Language: Python - Size: 31.3 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 667 - Forks: 244
SciSharp/Keras.NET
Keras.NET is a high-level neural networks API for C# and F#, with Python Binding and capable of running on top of TensorFlow, CNTK, or Theano.
Language: C# - Size: 28.7 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 621 - Forks: 129
marcogdepinto/emotion-classification-from-audio-files
Understanding emotions from audio files using neural networks and multiple datasets.
Language: Python - Size: 646 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 418 - Forks: 137
cog-imperial/OMLT
Represent trained machine learning models as Pyomo optimization formulations
Language: Python - Size: 13.1 MB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 331 - Forks: 66
awslabs/keras-apache-mxnet Fork of keras-team/keras 📦
[DEPRECATED] Amazon Deep Learning's Keras with Apache MXNet support
Language: Python - Size: 12.5 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 289 - Forks: 61
alexisbcook/ResNetCAM-keras
Keras implementation of a ResNet-CAM model
Language: Python - Size: 2.67 MB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 279 - Forks: 101
JihongJu/keras-fcn
A playable implementation of Fully Convolutional Networks with Keras.
Language: Python - Size: 982 KB - Last synced at: over 1 year ago - Pushed at: over 8 years ago - Stars: 202 - Forks: 85
akshaysharma096/Siamese-Networks
Few Shot Learning by Siamese Networks, using Keras.
Language: Jupyter Notebook - Size: 119 KB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 193 - Forks: 80
dkeras-project/dkeras
Distributed Keras Engine, Make Keras faster with only one line of code.
Language: Python - Size: 6.48 MB - Last synced at: 6 months ago - Pushed at: about 6 years ago - Stars: 188 - Forks: 12
rowhitswami/Indian-Paper-Currency-Classification
Source code of Indian Paper Currency Classification :fire:
Language: JavaScript - Size: 173 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 147 - Forks: 91
JihongJu/keras-resnet3d
Implementations of ResNets for volumetric data, including a vanilla resnet in 3D.
Language: Python - Size: 21.5 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 140 - Forks: 65
fotisk07/Deep-Learning-Coursera
Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera
Language: Jupyter Notebook - Size: 87.4 MB - Last synced at: 4 months ago - Pushed at: about 7 years ago - Stars: 137 - Forks: 56
joaopauloschuler/k-neural-api
K-CAI NEURAL API - Keras based neural network API that will allow you to create parameter-efficient, memory-efficient, flops-efficient multipath models with new layer types. There are plenty of examples and documentation.
Language: Python - Size: 15.3 MB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 136 - Forks: 104
snknitin/DeepfakeCapsuleGAN
Using Capsule Networks in GANS to generate very realistic fake images that could perhaps be used for deepfakes
Language: Jupyter Notebook - Size: 41.4 MB - Last synced at: 7 months ago - Pushed at: over 6 years ago - Stars: 132 - Forks: 53
alexisbcook/keras_transfer_cifar10
Object classification with CIFAR-10 using transfer learning
Language: Jupyter Notebook - Size: 5.34 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 131 - Forks: 58
chhayac/Machine-Learning-Notebooks
15+ Machine/Deep Learning Projects in Ipython Notebooks
Language: Jupyter Notebook - Size: 3.84 MB - Last synced at: 6 months ago - Pushed at: over 5 years ago - Stars: 130 - Forks: 103
surya-veer/RealTime-DigitRecognition
RealTime DigitRecognition using Convolutional Neural Network(CNN) with keras.
Language: Python - Size: 80.2 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 113 - Forks: 62
chaitanya100100/VAE-for-Image-Generation
Implemented Variational Autoencoder generative model in Keras for image generation and its latent space visualization on MNIST and CIFAR10 datasets
Language: Python - Size: 137 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 111 - Forks: 24
danmorales/CursoDS_ProfDanilo
Códigos Python com diferentes aplicações como técnicas de machine learning e deep learning, fundamentos de estatística, problemas de regressão de classificação. Os vídeos com as explicações teóricas estão disponíveis no meu canal do YouTube
Language: Jupyter Notebook - Size: 65.4 MB - Last synced at: 4 months ago - Pushed at: about 5 years ago - Stars: 104 - Forks: 91
marcogdepinto/Deep-learning-model-deploy-with-django
Serving a keras model (neural networks) in a website with the python Django-REST framework.
Language: Python - Size: 29.9 MB - Last synced at: 16 days ago - Pushed at: 4 months ago - Stars: 95 - Forks: 36
philipperemy/stock-volatility-google-trends
Deep Learning Stock Volatility with Google Domestic Trends: https://arxiv.org/pdf/1512.04916.pdf
Language: Python - Size: 1.29 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 93 - Forks: 41
susantabiswas/realtime-facial-emotion-analyzer
Human Emotion Analysis using facial expressions in real-time from webcam feed. Based on the dataset from Kaggle's Facial Emotion Recognition Challenge.
Language: Jupyter Notebook - Size: 40.3 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 87 - Forks: 26
ani8897/Human-Activity-Recognition
Classifying the physical activities performed by a user based on accelerometer and gyroscope sensor data collected by a smartphone in the user’s pocket. The activities to be classified are: Standing, Sitting, Stairsup, StairsDown, Walking and Cycling.
Language: Python - Size: 1.59 MB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 84 - Forks: 40
ianscottknight/Predicting-Myers-Briggs-Type-Indicator-with-Recurrent-Neural-Networks
Language: Python - Size: 8.69 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 82 - Forks: 34
UppuluriKalyani/ML-Nexus
ML Nexus is an open-source collection of machine learning projects, covering topics like neural networks, computer vision, and NLP. Whether you're a beginner or expert, contribute, collaborate, and grow together in the world of AI. Join us to shape the future of machine learning!
Language: Jupyter Notebook - Size: 2.82 GB - Last synced at: 5 months ago - Pushed at: 10 months ago - Stars: 77 - Forks: 114
paulx3/keras_generative_pg
A Deep Generative Framework for Paraphrase Generation Implementaion
Language: Python - Size: 7.41 MB - Last synced at: over 2 years ago - Pushed at: almost 8 years ago - Stars: 77 - Forks: 20
philipperemy/very-deep-convnets-raw-waveforms
Tensorflow - Very Deep Convolutional Neural Networks For Raw Waveforms - https://arxiv.org/pdf/1610.00087.pdf
Language: Python - Size: 69.8 MB - Last synced at: 6 months ago - Pushed at: over 4 years ago - Stars: 74 - Forks: 13
kidozh/keras_detect_tool_wear 📦
Tool wear prediction by residual CNN
Language: HTML - Size: 57.8 MB - Last synced at: 11 months ago - Pushed at: over 4 years ago - Stars: 73 - Forks: 20
anujdutt9/AI-Chatbot
AI Chatbot using Dynamic Memory Network in Keras.
Language: Python - Size: 14.2 MB - Last synced at: 5 months ago - Pushed at: about 8 years ago - Stars: 65 - Forks: 20
ParikhKadam/bidaf-keras 📦
Bidirectional Attention Flow for Machine Comprehension implemented in Keras 2
Language: Python - Size: 218 KB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 64 - Forks: 21
hsakas/siamese_similarity_model 📦
A Siamese similarity model for image similarity
Language: Python - Size: 17.6 KB - Last synced at: 5 months ago - Pushed at: almost 7 years ago - Stars: 58 - Forks: 22
AvinashNath2/Recurrent-Neural-Network-for-BitCoin-price-prediction
Recurrent Neural Network (LSTM) by using TensorFlow and Keras in Python for BitCoin price prediction
Language: Python - Size: 168 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 57 - Forks: 20
Azure-Samples/MachineLearningSamples-BiomedicalEntityExtraction 📦
MachineLearningSamples-BiomedicalEntityExtraction
Language: Python - Size: 26.6 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 49 - Forks: 29
deepsense-ai/Keras-PyTorch-AvP-transfer-learning
We pit Keras and PyTorch against each other, showing their strengths and weaknesses in action. We present a real problem, a matter of life-and-death: distinguishing Aliens from Predators!
Language: Jupyter Notebook - Size: 7.85 MB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 49 - Forks: 32
philipperemy/keras-seq2seq-example
Toy Keras implementation of a seq2seq model with examples.
Language: Python - Size: 2.79 MB - Last synced at: 7 months ago - Pushed at: over 5 years ago - Stars: 47 - Forks: 12
Pigrecos/Keras4Delphi
Keras4Delphi is a high-level neural networks API, written in Pascal with Python Binding
Language: Pascal - Size: 757 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 46 - Forks: 16
VitorCarvalho67/Barium
Cutting-edge Python software utilizing neural networks and machine learning for precise hand movement tracking
Language: Python - Size: 195 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 40 - Forks: 6
SadmanSakib93/Stratified-k-fold-cross-validation-Image-classification-keras
This python program demonstrates image classification with stratified k-fold cross validation technique.
Language: Jupyter Notebook - Size: 315 KB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 37 - Forks: 14
netik1020/Concise-iPython-Notebooks-for-Deep-learning
Ipython Notebooks for solving problems like classification, segmentation, generation using latest Deep learning algorithms on different publicly available text and image data-sets.
Language: Jupyter Notebook - Size: 9.18 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 37 - Forks: 13
teelinsan/KerasDropconnect
An implementation of DropConnect Layer in Keras
Language: Python - Size: 9.77 KB - Last synced at: 3 months ago - Pushed at: almost 6 years ago - Stars: 36 - Forks: 12
lakshaychhabra/NSFW-Detection-DL
This repo contains Deep learning Implementation for identifying NSFW images.
Language: Jupyter Notebook - Size: 18.4 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 34 - Forks: 8
philayres/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.
Language: Jupyter Notebook - Size: 354 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 34 - Forks: 11
soumik12345/Nearest-Celebrity-Face
Tensorflow Implementation of FaceNet: A Unified Embedding for Face Recognition and Clustering to find the celebrity whose face matches the closest to yours.
Language: Jupyter Notebook - Size: 25.6 MB - Last synced at: 6 months ago - Pushed at: almost 3 years ago - Stars: 31 - Forks: 7
nabeel3133/Introduction-to-Deep-Learning-and-Neural-Networks
Coursera - Introduction to Deep Learning and Neural Networks with Keras (Offered By IBM)
Language: Jupyter Notebook - Size: 41.9 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 31 - Forks: 101
gregyjames/stocktwits-sentiment
Stocktwits market sentiment analysis in Python with Keras and TensorFlow.
Language: Python - Size: 68.4 KB - Last synced at: 7 months ago - Pushed at: about 1 year ago - Stars: 30 - Forks: 10
miki998/3d_convolution_neural_net_MNET
Keras Implementation of 3d Convolutional Neural Network
Language: Jupyter Notebook - Size: 117 KB - Last synced at: 7 months ago - Pushed at: over 5 years ago - Stars: 29 - Forks: 16
anujdutt9/Artistic-Style-Transfer-using-Keras-Tensorflow
Art to Image Style Transfer using Keras and Tensorflow.
Language: Python - Size: 8.37 MB - Last synced at: 6 months ago - Pushed at: over 7 years ago - Stars: 29 - Forks: 11
jeetp465/Aspect-Based-Sentiment-Analysis
Language: Jupyter Notebook - Size: 17.1 MB - Last synced at: over 2 years ago - Pushed at: about 9 years ago - Stars: 29 - Forks: 13
suhagba/Final-year-project-deep-learning-models
Deep learning for freehand sketch object recognition
Language: Jupyter Notebook - Size: 28.7 MB - Last synced at: about 1 year ago - Pushed at: over 8 years ago - Stars: 26 - Forks: 10
hypnosapos/cartpole-rl-remote
CartPole game by Reinforcement Learning, a journey from training to inference
Language: Python - Size: 80.2 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 25 - Forks: 3
justinbodnar/blackjack-ai
a Python3 machine learning library for playing Blackjack
Language: Roff - Size: 3.25 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 24 - Forks: 9
netrapathak/Offline-Signature-Verification
Implemented two papers for offline signature verification. Both use different deep learning techniques - Convolutional network and Siamese network.
Language: Python - Size: 4.88 KB - Last synced at: over 2 years ago - Pushed at: almost 8 years ago - Stars: 24 - Forks: 10
aschampion/diluvian
Flood filling networks for segmenting electron microscopy of neural tissue
Language: Python - Size: 431 KB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 23 - Forks: 13
gorgitko/MI-MVI_2016
Semestral project for the subject Methods of computational inteligence @ fit.cvut.cz
Language: Jupyter Notebook - Size: 416 KB - Last synced at: about 2 years ago - Pushed at: almost 9 years ago - Stars: 23 - Forks: 6
DataForScience/RNN
Recurrent Neural Networks for Timeseries
Language: Jupyter Notebook - Size: 13.7 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 22 - Forks: 25
satinder147/stone_paper_scissor_defeator_using_opencv_keras
In this repository i tried to replicate a cool project by a japanese scientist who made a machine which had 100 % accuracy in defeating humans in the game of stone-paper and scissors
Language: Python - Size: 8.79 KB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 22 - Forks: 9
shah0150/Artificial-Neural-Networks-Visualizer
Visualizing Artificial Neural Networks (ANNs) with just One Line of Code
Language: Python - Size: 3.91 MB - Last synced at: 7 months ago - Pushed at: over 7 years ago - Stars: 22 - Forks: 10
Xls1994/DeepLearningCode
深度学习相关代码
Language: OpenEdge ABL - Size: 59.1 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 21 - Forks: 9
Kyung-Min/triplet_recommendations_keras Fork of maciejkula/triplet_recommendations_keras
An example of doing MovieLens recommendations using triplet loss in Keras
Language: Python - Size: 18.6 KB - Last synced at: about 2 years ago - Pushed at: over 9 years ago - Stars: 21 - Forks: 7
AFAgarap/dl-relu
Deep Learning using Rectified Linear Units (ReLU)
Language: Jupyter Notebook - Size: 18.8 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 20 - Forks: 3
mikeroyal/TensorFlow-Guide
TensorFlow Guide
Language: Python - Size: 133 KB - Last synced at: 9 days ago - Pushed at: almost 4 years ago - Stars: 19 - Forks: 5
enochkan/3dgan-keras
Keras implementation of 3dgan
Language: Python - Size: 9.77 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 19 - Forks: 7
zikuicai/HandPoseEstimation
Keras version of Openpose with optimized model structure and C++ postprocess for acceleration. Trained and tested using CMU handpose dataset.
Language: Jupyter Notebook - Size: 7.62 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 19 - Forks: 2
abhijithneilabraham/MLcourse
A machine learning course flow that will make you more curious after I teach you!
Size: 19 MB - Last synced at: 6 months ago - Pushed at: over 5 years ago - Stars: 18 - Forks: 12
anujdutt9/DeepLearning
Deep Learning Concepts and Research Paper Implementations.
Language: Jupyter Notebook - Size: 201 MB - Last synced at: 4 months ago - Pushed at: about 7 years ago - Stars: 18 - Forks: 9
alexandrosstergiou/Traffic-Sign-Recognition-basd-on-Synthesised-Training-Data
Using synthetic data in combination with Deep Learning, to determine if a system can be made that will be able to recognise and classify correctly real traffic signs.
Language: Jupyter Notebook - Size: 1.58 GB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 18 - Forks: 10
l3lackcurtains/Optical-Character-Recognition-using-CNN-KNN-SVM-RF
:metal: Handwriting detection using CNN, KNN, SVM, and Random Forest algorithms.
Language: Python - Size: 14.2 MB - Last synced at: 6 months ago - Pushed at: almost 8 years ago - Stars: 18 - Forks: 4
joaopauloschuler/two-path-noise-lab-plant-disease
Source code for the paper "Reliable Deep Learning Plant Leaf Disease Classification Based on Light-Chroma Separated Branches".
Language: Jupyter Notebook - Size: 143 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 17 - Forks: 4
rohanrc1997/Blendi-Py
A minimal Implementation of VGG16 Deep Learning Model in Python using L-BFGS to perform Image Styling/Blending
Language: Python - Size: 7.1 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 15 - Forks: 5
rupakc/Kaggle-Compendium
Baseline Python Scripts for Popular Kaggle Competitions
Language: Python - Size: 48.1 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 15 - Forks: 7
Vatshayan/Image-Recognition-Project
Beautiful Image recognition and Classification Project for final year college students.
Language: Jupyter Notebook - Size: 58.6 KB - Last synced at: 14 days ago - Pushed at: about 4 years ago - Stars: 15 - Forks: 1
husnainfareed/mnist-handwritten-digit-recognition
Keras Fully Connected Neural Network using Python for Digit Recognition
Language: Jupyter Notebook - Size: 15.6 KB - Last synced at: 11 months ago - Pushed at: about 6 years ago - Stars: 15 - Forks: 12
Pranav-Goel/Neural_Emotion_Intensity_Prediction
The code for our proposed neural models which give state-of-the-art performance for emotion intensity detection in tweets.
Language: Jupyter Notebook - Size: 68.4 KB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 15 - Forks: 4
ikergarcia1996/GTAV-Self-driving-car Fork of aidenyg/GTAV-Self-driving-car
Self driving car in GTAV with Deep Learning
Language: Jupyter Notebook - Size: 67.8 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 15 - Forks: 2
luca-parisi/quantum_relu
QReLU and m-QReLU: Two novel quantum activation functions for Deep Learning in TensorFlow, Keras, and PyTorch
Language: Python - Size: 43.9 KB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 14 - Forks: 7
JunshengFu/traffic-light-classifier
A simple network to classifier the states of the traffic lights.
Language: Python - Size: 21.8 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 14 - Forks: 11
vijayg15/Keras-FaceMask-Detection-System
Face-mask detection system using YOLOv3 in Keras
Language: Python - Size: 24.3 MB - Last synced at: 6 months ago - Pushed at: over 5 years ago - Stars: 14 - Forks: 12
subhanjandas/Artificial-Neural-Networks-for-Fraud-Detection-in-Supply-Chain-Analytics-MLPClassifier-and-Keras
In this study, we aimed to detect fraudulent activities in the supply chain through the use of neural networks. The study focused on building two machine learning models using the MLPClassifier algorithm from the scikit-learn library and a custom neural network using the Keras library in Python.
Language: Jupyter Notebook - Size: 1.3 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 13 - Forks: 4
payne911/SR-ResCNN-Keras
A Keras implementation of a SISR (Single-Image Super-Resolution) Residual-CNN.
Language: Python - Size: 848 MB - Last synced at: 7 months ago - Pushed at: about 6 years ago - Stars: 13 - Forks: 3
Vvkmnn/voiceAI
🎙 Speech transcription and synthesis via Keras and Tensorflow.
Language: HTML - Size: 91 MB - Last synced at: 18 days ago - Pushed at: over 7 years ago - Stars: 13 - Forks: 1
NikolasMarkou/dl_techniques
Advanced deep learning learning techniques, layers, activations loss functions, all in keras / tensorflow
Language: Python - Size: 15.6 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 12 - Forks: 1
Krish-Depani/Virtual-Voice-Assistant
Virtual Voice Assistant is a project that utilizes machine learning and natural language processing to enable users to control their devices using voice commands. Technologies used include TensorFlow, Keras, various Python libraries and RESTful APIs.
Language: Python - Size: 1.71 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 12 - Forks: 3
fbraza/FruitDetect
A deep learning model developed in the frame of the applied masters of Data Science and Data Engineering. We propose here an application to detect 4 different fruits and a validation step that relies on gestural detection. A full report can be read in the README.md. If anything is needed feel free to reach out.
Language: Jupyter Notebook - Size: 35 MB - Last synced at: 5 months ago - Pushed at: almost 4 years ago - Stars: 12 - Forks: 1
Prajwal10031999/Handwritten-Digit-Recognition-CNN-Flask-App-
A Convolutional Neural Network model created using PyTorch library over the MNIST dataset to recognize handwritten digits .
Language: Python - Size: 3.02 MB - Last synced at: 5 months ago - Pushed at: almost 5 years ago - Stars: 12 - Forks: 3
alre4436/Emotion-recognition
Language: Jupyter Notebook - Size: 16.6 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 12 - Forks: 9
RakuTheSenpai/Hiragana-Identifier
Machine Learning project to identify Japanese characters (hiragana) from a data set.
Language: Python - Size: 242 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 12 - Forks: 1
alessandrosp/multi_view_network
Keras implementation of Guo et al.'s Multi-View Network (2017).
Language: Python - Size: 32.2 KB - Last synced at: about 2 months ago - Pushed at: about 7 years ago - Stars: 12 - Forks: 1
purvanshi/operation-prediction
Takes a question predicts the operation between them
Language: Python - Size: 19.8 MB - Last synced at: 6 months ago - Pushed at: almost 8 years ago - Stars: 12 - Forks: 7
NirantK/keras-practice
Notebooks covering Intro to CNN, Transfer Learning using VGG16
Language: Jupyter Notebook - Size: 934 KB - Last synced at: 7 months ago - Pushed at: almost 8 years ago - Stars: 12 - Forks: 12
paulx3/keras_seq2seq_word_level
Implementation of seq2seq word-level model using keras
Language: Python - Size: 5.05 MB - Last synced at: over 2 years ago - Pushed at: almost 8 years ago - Stars: 12 - Forks: 2
lucko515/fully-connected-nn
The fully connected neural network implemented in Numpy, from scratch, in Tensorflow and in Keras. The bonus code: Implementation of many different activation functions, in python, weight inits.
Language: Jupyter Notebook - Size: 195 KB - Last synced at: 7 months ago - Pushed at: over 8 years ago - Stars: 12 - Forks: 3
joaopauloschuler/two-branch-plant-disease
Source code for the paper "Color-aware two-branch DCNN for efficient plant disease classification".
Language: Jupyter Notebook - Size: 738 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 11 - Forks: 4
xoraus/FashionNet
Learn to build a Fashion Classifier using Convolutional Neural Network.
Language: Jupyter Notebook - Size: 1.79 MB - Last synced at: 17 days ago - Pushed at: about 2 years ago - Stars: 11 - Forks: 2
simurgailab/an-enhanced-tooth-segmentation-in-bitewing-radiographs
This study was published in 2022 in a scientific journal with SCI-Expanded index. The tooth numbering module uses the FDI notation, which is widely used by dentists, to classify and number dental items found as a result of segmentation. The performance of the Mask R–CNN method used has been proven by comparing it with other state-of-the-art methods.
Size: 352 KB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 11 - Forks: 3
jackaduma/HomoglyphAttacksDetector
Detecting Homoglyph Attacks with CNN model using Computer Vision method
Language: Jupyter Notebook - Size: 37.6 MB - Last synced at: 21 days ago - Pushed at: about 4 years ago - Stars: 11 - Forks: 4