All Projects → Deep Learning Notes → Similar Projects or Alternatives

426 Open source projects that are alternatives of or similar to Deep Learning Notes

Recursive Cnns
Implementation of my paper "Real-time Document Localization in Natural Images by Recursive Application of a CNN."
Stars: ✭ 80 (-21.57%)
Mutual labels:  cnn
Cnn Interpretability
🏥 Visualizing Convolutional Networks for MRI-based Diagnosis of Alzheimer’s Disease
Stars: ✭ 68 (-33.33%)
Mutual labels:  cnn
Snail Pytorch
Implementation of "A Simple Neural Attentive Meta-Learner" (SNAIL, https://arxiv.org/pdf/1707.03141.pdf) in PyTorch
Stars: ✭ 90 (-11.76%)
Mutual labels:  cnn
Single Human Parsing Lip
PSPNet implemented in PyTorch for single-person human parsing task, evaluating on Look Into Person (LIP) dataset.
Stars: ✭ 84 (-17.65%)
Mutual labels:  cnn
Sentiment analysis albert
sentiment analysis、文本分类、ALBERT、TextCNN、classification、tensorflow、BERT、CNN、text classification
Stars: ✭ 61 (-40.2%)
Mutual labels:  cnn
Geo Deep Learning
Deep learning applied to georeferenced datasets
Stars: ✭ 91 (-10.78%)
Mutual labels:  cnn
Understaing Datasets Estimators Tfrecords
Try to use tf.estimator and tf.data together to train a cnn model.
Stars: ✭ 76 (-25.49%)
Mutual labels:  cnn
Captcharecognition
End-to-end variable length Captcha recognition using CNN+RNN+Attention/CTC (pytorch implementation). 端到端的不定长验证码识别
Stars: ✭ 97 (-4.9%)
Mutual labels:  cnn
Ensemble Methods For Image Classification
In this project, I implemented several ensemble methods (including bagging, AdaBoost, SAMME, stacking, snapshot ensemble) for a normal CNN model and Residual Neural Network.
Stars: ✭ 67 (-34.31%)
Mutual labels:  cnn
Wb color augmenter
WB color augmenter improves the accuracy of image classification and image semantic segmentation methods by emulating different WB effects (ICCV 2019) [Python & Matlab].
Stars: ✭ 89 (-12.75%)
Mutual labels:  cnn
Tensorflow Cifar 10
Cifar-10 CNN implementation using TensorFlow library with 20% error.
Stars: ✭ 85 (-16.67%)
Mutual labels:  cnn
Deblurgan Tf
Unofficial tensorflow (tf) implementation of DeblurGAN: Blind Motion Deblurring Using Conditional Adversarial Networks
Stars: ✭ 60 (-41.18%)
Mutual labels:  cnn
Grad Cam
🌈 📷 Gradient-weighted Class Activation Mapping (Grad-CAM) Demo
Stars: ✭ 91 (-10.78%)
Mutual labels:  cnn
Dltk
Deep Learning Toolkit for Medical Image Analysis
Stars: ✭ 1,249 (+1124.51%)
Mutual labels:  cnn
Study Note
我大学两年来的笔记,希望对大家有些些帮助
Stars: ✭ 98 (-3.92%)
Mutual labels:  study-notes
Pcn Ncnn
PCN based on ncnn framework.
Stars: ✭ 78 (-23.53%)
Mutual labels:  cnn
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (-11.76%)
Mutual labels:  cnn
Tools To Design Or Visualize Architecture Of Neural Network
Tools to Design or Visualize Architecture of Neural Network
Stars: ✭ 1,143 (+1020.59%)
Mutual labels:  cnn
Lesrcnn
Lightweight Image Super-Resolution with Enhanced CNN (Knowledge-Based Systems,2020)
Stars: ✭ 101 (-0.98%)
Mutual labels:  cnn
Real Time Rendering 3rd Cn Summary Ebook
📘 电子书 -《Real-Time Rendering 3rd》提炼总结 | 全书共9万7千余字。你可以把它看做中文通俗版的《Real-Time Rendering 3rd》,也可以把它看做《Real-Time Rendering 3rd》的解读版与配套学习伴侣,或者《Real-Time Rendering 4th》的前置阅读材料。
Stars: ✭ 1,159 (+1036.27%)
Mutual labels:  study-notes
End To End Sequence Labeling Via Bi Directional Lstm Cnns Crf Tutorial
Tutorial for End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF
Stars: ✭ 87 (-14.71%)
Mutual labels:  cnn
Lstm Cnn classification
Stars: ✭ 64 (-37.25%)
Mutual labels:  cnn
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-5.88%)
Mutual labels:  cnn
Embedded gcnn
Embedded Graph Convolutional Neural Networks (EGCNN) in TensorFlow
Stars: ✭ 60 (-41.18%)
Mutual labels:  cnn
Cnn Fixations
Visualising predictions of deep neural networks
Stars: ✭ 87 (-14.71%)
Mutual labels:  cnn
Sentiment 2017 Imavis
From Pixels to Sentiment: Fine-tuning CNNs for Visual Sentiment Prediction
Stars: ✭ 85 (-16.67%)
Mutual labels:  cnn
Nlp overview
Overview of Modern Deep Learning Techniques Applied to Natural Language Processing
Stars: ✭ 1,104 (+982.35%)
Mutual labels:  cnn
Face landmark dnn
Face Landmark Detector based on Mobilenet V1
Stars: ✭ 92 (-9.8%)
Mutual labels:  cnn
Tf Mobilenet V2
Mobilenet V2(Inverted Residual) Implementation & Trained Weights Using Tensorflow
Stars: ✭ 85 (-16.67%)
Mutual labels:  cnn
Facedetector
A re-implementation of mtcnn. Joint training, tutorial and deployment together.
Stars: ✭ 99 (-2.94%)
Mutual labels:  cnn
Cfsrcnn
Coarse-to-Fine CNN for Image Super-Resolution (IEEE Transactions on Multimedia,2020)
Stars: ✭ 84 (-17.65%)
Mutual labels:  cnn
Libgdl
一个移动端跨平台的gpu+cpu并行计算的cnn框架(A mobile-side cross-platform gpu+cpu parallel computing CNN framework)
Stars: ✭ 91 (-10.78%)
Mutual labels:  cnn
Segan
A PyTorch implementation of SEGAN based on INTERSPEECH 2017 paper "SEGAN: Speech Enhancement Generative Adversarial Network"
Stars: ✭ 82 (-19.61%)
Mutual labels:  cnn
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+1250.98%)
Mutual labels:  cnn
Dispnet Flownet Docker
Dockerfile and runscripts for DispNet and FlowNet1 (estimation of disparity and optical flow)
Stars: ✭ 78 (-23.53%)
Mutual labels:  cnn
Fast Autoaugment
Official Implementation of 'Fast AutoAugment' in PyTorch.
Stars: ✭ 1,297 (+1171.57%)
Mutual labels:  cnn
Cnn Paper2
🎨 🎨 深度学习 卷积神经网络教程 :图像识别,目标检测,语义分割,实例分割,人脸识别,神经风格转换,GAN等🎨🎨 https://dataxujing.github.io/CNN-paper2/
Stars: ✭ 77 (-24.51%)
Mutual labels:  cnn
Simplepruning
cnn pruning with tensorflow.
Stars: ✭ 98 (-3.92%)
Mutual labels:  cnn
Hand Detection.pytorch
FaceBoxes for hand detection in PyTorch
Stars: ✭ 76 (-25.49%)
Mutual labels:  cnn
Cnn intent classification
CNN for intent classification task in a Chatbot
Stars: ✭ 90 (-11.76%)
Mutual labels:  cnn
Char Cnn Text Classification Tensorflow
Character-level Convolutional Networks for Text Classification论文仿真实现
Stars: ✭ 72 (-29.41%)
Mutual labels:  cnn
Image Regression
🤖️image regression (base on convnetjs)
Stars: ✭ 102 (+0%)
Mutual labels:  cnn
Deepzip
NN based lossless compression
Stars: ✭ 69 (-32.35%)
Mutual labels:  cnn
12306 captcha
基于深度学习识别12306验证码
Stars: ✭ 89 (-12.75%)
Mutual labels:  cnn
Aws Solutions Architect Associate Notes
My notes for AWS Solutions Architect Associate.
Stars: ✭ 1,151 (+1028.43%)
Mutual labels:  study-notes
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-4.9%)
Mutual labels:  cnn
Gtsrb
Convolutional Neural Network for German Traffic Sign Recognition Benchmark
Stars: ✭ 65 (-36.27%)
Mutual labels:  cnn
Sleepeegnet
SleepEEGNet: Automated Sleep Stage Scoring with Sequence to Sequence Deep Learning Approach
Stars: ✭ 89 (-12.75%)
Mutual labels:  cnn
Deeplearning Nlp Models
A small, interpretable codebase containing the re-implementation of a few "deep" NLP models in PyTorch. Colab notebooks to run with GPUs. Models: word2vec, CNNs, transformer, gpt.
Stars: ✭ 64 (-37.25%)
Mutual labels:  cnn
Etagger
reference tensorflow code for named entity tagging
Stars: ✭ 100 (-1.96%)
Mutual labels:  cnn
Ai Thermometer
Fever screening with IR & RGB cameras and Deep CNNs
Stars: ✭ 60 (-41.18%)
Mutual labels:  cnn
Visual Feature Attribution Using Wasserstein Gans Pytorch
Implementation of Visual Feature Attribution using Wasserstein GANs (VAGANs, https://arxiv.org/abs/1711.08998) in PyTorch
Stars: ✭ 88 (-13.73%)
Mutual labels:  cnn
Captcha break keras
keras theano 验证码破解 字母+数字
Stars: ✭ 60 (-41.18%)
Mutual labels:  cnn
Hyperopt Keras Cnn Cifar 100
Auto-optimizing a neural net (and its architecture) on the CIFAR-100 dataset. Could be easily transferred to another dataset or another classification task.
Stars: ✭ 95 (-6.86%)
Mutual labels:  cnn
Pytorch
PyTorch tutorials A to Z
Stars: ✭ 87 (-14.71%)
Mutual labels:  cnn
Models
DLTK Model Zoo
Stars: ✭ 101 (-0.98%)
Mutual labels:  cnn
Keras Oneclassanomalydetection
[5 FPS - 150 FPS] Learning Deep Features for One-Class Classification (AnomalyDetection). Corresponds RaspberryPi3. Convert to Tensorflow, ONNX, Caffe, PyTorch. Implementation by Python + OpenVINO/Tensorflow Lite.
Stars: ✭ 102 (+0%)
Mutual labels:  cnn
Sarcasmdetection
Sarcasm detection on tweets using neural network
Stars: ✭ 99 (-2.94%)
Mutual labels:  cnn
Mobilenet V2 Caffe
MobileNet-v2 experimental network description for caffe
Stars: ✭ 93 (-8.82%)
Mutual labels:  cnn
Cnn For Stock Market Prediction Pytorch
CNN for stock market prediction using raw data & candlestick graph.
Stars: ✭ 86 (-15.69%)
Mutual labels:  cnn
1-60 of 426 similar projects