cnn-model
There are 1180 repositories under cnn-model topic.
openvinotoolkit/open_model_zoo
Pre-trained Deep Learning models and demos (high quality and extremely fast)
ZQPei/deep_sort_pytorch
MOT using deepsort and yolov3 with pytorch
dalinvip/cnn-lstm-bilstm-deepcnn-clstm-in-pytorch
In PyTorch Learing Neural Networks Likes CNN、BiLSTM
Shawn1993/cnn-text-classification-pytorch
CNNs for Sentence Classification in PyTorch
JackonYang/captcha-tensorflow
Image Captcha Solving Using TensorFlow and CNN Model. Accuracy 90%+
fendouai/FaceRank
FaceRank - Rank Face by CNN Model based on TensorFlow (add keras version). FaceRank-人脸打分基于 TensorFlow (新增 Keras 版本) 的 CNN 模型(QQ群:167122861)。技术支持:http://tensorflow123.com
echowei/DeepTraffic
Deep Learning models for network traffic classification
evilgix/Evil
Optical Character Recognition in Swift for iOS&macOS. 银行卡、身份证、门牌号光学识别
cvjena/cnn-models
ImageNet pre-trained models with batch normalization for the Caffe framework
yifanjiang19/sppnet-pytorch
A simple Spatial Pyramid Pooling layer which could be added in CNN
aaronshan/12306-captcha
基于深度学习的12306验证码识别
alexisbcook/ResNetCAM-keras
Keras implementation of a ResNet-CAM model
sagarvegad/Video-Classification-CNN-and-LSTM-
To classify video into various classes using keras library with tensorflow as back-end.
manthan89-py/Plant-Disease-Detection
Bases on Leaf images we are trying to predict plant disease using convolutional neural network. PyTorch implementation
Devansh-47/Sign-Language-To-Text-and-Speech-Conversion
This is a python application which converts american sign language into text and speech which helps Dumb/Deaf people to start conversation with normal people who dont understand this language
Randl/ShuffleNetV2-pytorch
Implementation of ShuffleNetV2 for pytorch
saikatbsk/Vincent-AI-Artist
Style transfer using deep convolutional neural nets
deep-fingerprinting/df
The source code and dataset are used to demonstrate the DF model, and reproduce the results of the ACM CCS2018 paper
CVxTz/ECG_Heartbeat_Classification
CNN for heartbeat classification
lincolnhard/openpose-darknet
Openpose implementation using darknet
mkosaka1/Speech_Emotion_Recognition
Using Convolutional Neural Networks in speech emotion recognition on the RAVDESS Audio Dataset.
leemengtw/cat-recognition-train
Train and deploy a cat vs dog image recognition model using TensorFlow
alexisbcook/keras_transfer_cifar10
Object classification with CIFAR-10 using transfer learning
haoopeng/CNN-yelp-challenge-2016-sentiment-classification
IPython Notebook for training a word-level Convolutional Neural Network model for sentiment classification task on Yelp-Challenge-2016 review dataset.
ivaibhavkr/Weapon-Detection-And-Classification
Weapon Detection & Classification through CCTV surveillance using Deep Learning-CNNs.
BruceDone/tensorflow-demos
all kinds of demos of tensorflow code
Coderx7/SimpleNet
This repository contains the architectures, Models, logs, etc pertaining to the SimpleNet Paper (Lets keep it simple: Using simple architectures to outperform deeper architectures )
mounalab/Multivariate-time-series-forecasting-keras
This project provides implementations with Keras/Tensorflow of some deep learning algorithms for Multivariate Time Series Forecasting: Transformers, Recurrent neural networks (LSTM and GRU), Convolutional neural networks, Multi-layer perceptron
dalinvip/pytorch_Highway_Networks
Highway Networks implement in pytorch
anantSinghCross/pothole-detection-system-using-convolution-neural-networks
Real-time detection of potholes on roads using video (via Webcam) processed through a CNN model.
vishalshar/SpeakerDiarization_RNN_CNN_LSTM
Speaker Diarization is the problem of separating speakers in an audio. There could be any number of speakers and final result should state when speaker starts and ends. In this project, we analyze given audio file with 2 channels and 2 speakers (on separate channels).
mariostrbac/environmental-sound-classification
Environmental sound classification with Convolutional neural networks and the UrbanSound8K dataset.
Priyansh42/Lung-Cancer-Detection
This application aims to early detection of lung cancer to give patients the best chance at recovery and survival using CNN Model.
HyeongseokSon1/KPAC
[ICCV 2021] Official Tensorflow Implementation for "Single Image Defocus Deblurring Using Kernel-Sharing Parallel Atrous Convolutions"
Kyung-Min/CompareModels_TRECQA
Compare six baseline deep learning models on TrecQA
Transformer-man/yolo-deepsort-flask
Target detection and multi target tracking platform based on Yolo DeepSort and Flask.