-
Updated
Jan 10, 2020 - HTML
#
cnn-keras
Here are 887 public repositories matching this topic...
A neural network that transforms a design mock-up into a static website.
machine-learning
deep-learning
jupyter
keras
jupyter-notebook
cnn
lstm
floydhub
seq2seq
cnn-keras
encoder-decoder
Material used for Deep Learning related workshops for Machine Learning Tokyo (MLT)
-
Updated
Apr 23, 2020 - Jupyter Notebook
實作基於CNN的台鐵訂票驗證碼辨識以及透過模仿及資料增強的訓練集產生器 (Simple captcha solver based on CNN and a training set generator by imitating the style of captcha and data augmentation)
-
Updated
Jul 26, 2018 - Python
A self driving toy car using end-to-end learning
-
Updated
Jul 28, 2017 - Jupyter Notebook
Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
nlp
deep-learning
numpy
word2vec
word-embeddings
keras
python3
pytorch
recurrent-neural-networks
attention
nmt
skipgram
doc2vec
cnn-keras
saliency-map
seq2seq-pytorch
self-attention
document-embeddings
hierarchical-attention-network
-
Updated
Mar 11, 2020 - Jupyter Notebook
benchmarking
deep-learning
keras
cnn
pytorch
imagenet
keras-tutorials
cnn-keras
pytorch-tutorial
cnn-classification
-
Updated
Sep 4, 2019 - Python
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
data-science
machine-learning
tutorial
deep-learning
sentiment-analysis
neural-network
numpy
scikit-learn
keras
semicolon
lstm
rnn
matplotlib
convolutional-neural-networks
perceptron
gradient-descent
cnn-keras
scikit
pandas-tutorial
count-vectorizer
-
Updated
Jan 16, 2018 - Jupyter Notebook
Implementation of a hierarchical CNN based model to detect Big Five personality traits
machine-learning
theano
sentiment-analysis
cnn
lstm
personality-insights
convolutional-neural-networks
opinion-mining
cnn-keras
lstm-neural-networks
personality-profiling
personality-traits
-
Updated
Jan 26, 2020 - Python
Keras implementation of a ResNet-CAM model
localization
keras
localisation
cnn
classification
image-classification
resnet
image-analysis
keras-models
keras-classification-models
keras-neural-networks
cnn-keras
cnn-model
keras-visualization
keras-tensorflow
resnet-50
cnns
-
Updated
Feb 1, 2018 - Python
CNN | Keras/PyTorch | CAPTCHA recognition(卷积神经网络、Keras/PyTorch框架、验证码识别)
-
Updated
Nov 18, 2019 - Python
Build a CNN network to predict 3D bounding box of car from 2D image.
deep-learning
regression
self-driving-car
convolutional-neural-networks
cnn-keras
bounding-boxes
kitti-dataset
-
Updated
Jul 9, 2019 - Jupyter Notebook
Style transfer using deep convolutional neural nets
-
Updated
Feb 14, 2017 - Python
Keras implementation of "Few-shot Learning for Named Entity Recognition in Medical Text"
-
Updated
Sep 15, 2019 - Jupyter Notebook
Object localization in images using simple CNNs and Keras
keras
cnn
object-detection
convolutional-neural-network
cnn-keras
mobilenet
object-localisation
mobilenetv2
-
Updated
Aug 26, 2019 - Python
Object classification with CIFAR-10 using transfer learning
visualization
classifier
images
keras
cnn
classification
image-classification
convolutional-networks
convolutional-neural-networks
transfer-learning
tsne-algorithm
tsne
keras-models
keras-classification-models
keras-neural-networks
cnn-keras
cnn-model
keras-visualization
classification-algorithm
cnn-architecture
-
Updated
May 21, 2017 - Jupyter Notebook
CNN image classifier implemented in Keras Notebook 🖼️ .
python
machine-learning
ai
notebook
keras
ml
cnn
artificial-intelligence
image-classification
image-recognition
convolutional-neural-networks
transfer-learning
cnn-keras
cnn-classification
colaboratory
google-colab
efficientnet
efficientnet-keras
-
Updated
Dec 9, 2019 - Jupyter Notebook
Image denoising using deep CNN with batch renormalization(Neural Networks,2020)
python
deep-learning
keras
cnn
python2
cnn-keras
image-denoising
residual-learning
image-restoration
batch-renormalization
low-level-vision
dilated-convolution
real-noise
-
Updated
Jun 24, 2020 - Python
Auto-optimizing a neural net (and its architecture) on the CIFAR-100 dataset. Could be easily transferred to another dataset or another classification task.
tensorflow
keras
cnn
hyperparameter-optimization
hyperopt
hyperparameters-optimization
hyperparameter-tuning
cnn-keras
hyperparameter-search
-
Updated
May 6, 2018 - Python
A deep learning based approach for brain tumor MRI segmentation.
computer-vision
deep-learning
tensorflow
convolutional-networks
mri-images
cnn-keras
u-net
brain-tumor-segmentation
-
Updated
Jun 30, 2019 - Python
allEyezOnCode
commented
Jan 13, 2019
cv2.findContours() has been changed in the new version of opencv
https://github.com/akshaychandra21/Selfie_Filters_OpenCV/blob/9dd59ae72716fe25370ff2a396bc812b42766f69/shades.py#L48
Should add a requirements.txt file or fix like this (cnts, _) = cv2.findContours(blueMask.copy(), cv2.RETR_EXTERNAL, cv2.CHAIN_APPROX_SIMPLE)
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
deep-learning
recurrent-neural-networks
lstm
attention
image-captioning
beam-search
convolutional-neural-networks
vgg16
inceptionv3
attention-mechanism
cnn-keras
captioning-images
bleu-score
flickr-dataset
inception-v3
bleu
attention-model
image-caption
caption-generation
flickr-8k
-
Updated
Nov 22, 2019 - Python
Video to Text: Generates description in natural language for given video (Video Captioning)
deep-neural-networks
video-processing
image-captioning
cnn-keras
audio-processing
lstm-neural-networks
video-captioning
-
Updated
Jun 8, 2020 - Python
A Simple Deep Neural Network to classify images made with Keras
deep-learning
neural-network
keras
image-processing
cnn
image-classification
convolutional-neural-networks
cnn-keras
-
Updated
Aug 20, 2017 - Python
Improve this page
Add a description, image, and links to the cnn-keras topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the cnn-keras topic, visit your repo's landing page and select "manage topics."


Check if we have already moved this file, or at least that it
replace
if not os.path.exists(filename):
with
if not os.path.exists(os.path.join('UCF-101',classname,filename)):