All Projects → Deeplearning_python → Similar Projects or Alternatives

778 Open source projects that are alternatives of or similar to Deeplearning_python

Twitter Sentiment Analysis
Sentiment analysis on tweets using Naive Bayes, SVM, CNN, LSTM, etc.
Stars: ✭ 978 (+695.12%)
Mutual labels:  cnn, deeplearning
In Prestissimo
A very fast neural network computing framework optimized for mobile platforms.QQ group: 676883532 【验证信息输:绝影】
Stars: ✭ 268 (+117.89%)
Mutual labels:  cnn, deeplearning
Deeplearning
深度学习入门教程, 优秀文章, Deep Learning Tutorial
Stars: ✭ 6,783 (+5414.63%)
Mutual labels:  cnn, deeplearning
Jacinto Ai Devkit
Training & Quantization of embedded friendly Deep Learning / Machine Learning / Computer Vision models
Stars: ✭ 49 (-60.16%)
Mutual labels:  cnn, deeplearning
Yolo V2 Pytorch
YOLO for object detection tasks
Stars: ✭ 302 (+145.53%)
Mutual labels:  cnn, deeplearning
Gordon cnn
A small convolution neural network deep learning framework implemented in c++.
Stars: ✭ 241 (+95.93%)
Mutual labels:  cnn, deeplearning
Bilinear Cnn Tensorflow
This is an implementation of Bilinear CNN for fine grained visual recognition using TensorFlow.
Stars: ✭ 187 (+52.03%)
Mutual labels:  cnn, deeplearning
Tf Mobilenet V2
Mobilenet V2(Inverted Residual) Implementation & Trained Weights Using Tensorflow
Stars: ✭ 85 (-30.89%)
Mutual labels:  cnn, deeplearning
Deeplearning Notes
Notes for Deep Learning Specialization Courses led by Andrew Ng.
Stars: ✭ 126 (+2.44%)
Mutual labels:  cnn, deeplearning
WSCNNTDSaliency
[BMVC17] Weakly Supervised Saliency Detection with A Category-Driven Map Generator
Stars: ✭ 19 (-84.55%)
Mutual labels:  cnn, deeplearning
Quickdraw
Implementation of Quickdraw - an online game developed by Google
Stars: ✭ 805 (+554.47%)
Mutual labels:  cnn, deeplearning
Tools To Design Or Visualize Architecture Of Neural Network
Tools to Design or Visualize Architecture of Neural Network
Stars: ✭ 1,143 (+829.27%)
Mutual labels:  cnn, deeplearning
Keras basic
keras를 이용한 딥러닝 기초 학습
Stars: ✭ 39 (-68.29%)
Mutual labels:  cnn, deeplearning
Liteflownet2
A Lightweight Optical Flow CNN - Revisiting Data Fidelity and Regularization, TPAMI 2020
Stars: ✭ 195 (+58.54%)
Mutual labels:  cnn, deeplearning
Servenet
Service Classification based on Service Description
Stars: ✭ 21 (-82.93%)
Mutual labels:  cnn, deeplearning
Hierarchical Attention Networks Pytorch
Hierarchical Attention Networks for document classification
Stars: ✭ 239 (+94.31%)
Mutual labels:  cnn, deeplearning
Liteflownet
LiteFlowNet: A Lightweight Convolutional Neural Network for Optical Flow Estimation, CVPR 2018 (Spotlight paper, 6.6%)
Stars: ✭ 474 (+285.37%)
Mutual labels:  cnn, deeplearning
Cnn Paper2
🎨 🎨 深度学习 卷积神经网络教程 :图像识别,目标检测,语义分割,实例分割,人脸识别,神经风格转换,GAN等🎨🎨 https://dataxujing.github.io/CNN-paper2/
Stars: ✭ 77 (-37.4%)
Mutual labels:  cnn, deeplearning
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 (-27.64%)
Mutual labels:  cnn, deeplearning
Faceswap
Deepfakes Software For All
Stars: ✭ 39,911 (+32347.97%)
Mutual labels:  deeplearning
Clearml Agent
ClearML Agent - ML-Ops made easy. ML-Ops scheduler & orchestration solution
Stars: ✭ 117 (-4.88%)
Mutual labels:  deeplearning
Places365
The Places365-CNNs for Scene Classification
Stars: ✭ 1,549 (+1159.35%)
Mutual labels:  cnn
Min nlp practice
Chinese & English Cws Pos Ner Entity Recognition implement using CNN bi-directional lstm and crf model with char embedding.基于字向量的CNN池化双向BiLSTM与CRF模型的网络,可能一体化的完成中文和英文分词,词性标注,实体识别。主要包括原始文本数据,数据转换,训练脚本,预训练模型,可用于序列标注研究.注意:唯一需要实现的逻辑是将用户数据转化为序列模型。分词准确率约为93%,词性标注准确率约为90%,实体标注(在本样本上)约为85%。
Stars: ✭ 107 (-13.01%)
Mutual labels:  cnn
Monk gui
A Graphical user Interface for deep learning and computer vision over Monk Libraries
Stars: ✭ 120 (-2.44%)
Mutual labels:  deeplearning
Reproducible Image Denoising State Of The Art
Collection of popular and reproducible image denoising works.
Stars: ✭ 1,776 (+1343.9%)
Mutual labels:  cnn
Deeplearning ocr
Deep Learning on 身份证识别
Stars: ✭ 106 (-13.82%)
Mutual labels:  deeplearning
Mnist Classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Stars: ✭ 109 (-11.38%)
Mutual labels:  cnn
Aspect Extraction
Aspect extraction from product reviews - window-CNN+maxpool+CRF, BiLSTM+CRF, MLP+CRF
Stars: ✭ 117 (-4.88%)
Mutual labels:  cnn
Deep learning object detection
A paper list of object detection using deep learning.
Stars: ✭ 10,334 (+8301.63%)
Mutual labels:  deeplearning
Auto ml
[UNMAINTAINED] Automated machine learning for analytics & production
Stars: ✭ 1,559 (+1167.48%)
Mutual labels:  deeplearning
Keras Multiple Process Prediction
A Simply Example to show how to use Keras model in multiple processes to do the prediction
Stars: ✭ 107 (-13.01%)
Mutual labels:  deeplearning
Yolo V3 Iou
YOLO3 动漫人脸检测 (Based on keras and tensorflow) 2019-1-19
Stars: ✭ 116 (-5.69%)
Mutual labels:  cnn
Ssd Pytorch
SSD: Single Shot MultiBox Detector pytorch implementation focusing on simplicity
Stars: ✭ 107 (-13.01%)
Mutual labels:  deeplearning
What Is My Girlfriend Thinking
用 Tensorflow.js 猜猜我的女朋友在想什么. A Tensorflow.js application for facial classification.
Stars: ✭ 122 (-0.81%)
Mutual labels:  cnn
All Conv Keras
All Convolutional Network: (https://arxiv.org/abs/1412.6806#) implementation in Keras
Stars: ✭ 115 (-6.5%)
Mutual labels:  deeplearning
Hiddenlayer
Neural network graphs and training metrics for PyTorch, Tensorflow, and Keras.
Stars: ✭ 1,561 (+1169.11%)
Mutual labels:  deeplearning
Awesome Deep Learning Resources
Rough list of my favorite deep learning resources, useful for revisiting topics or for reference. I have got through all of the content listed there, carefully. - Guillaume Chevalier
Stars: ✭ 1,469 (+1094.31%)
Mutual labels:  cnn
R3net
Code for the IJCAI 2018 paper "R^3Net: Recurrent Residual Refinement Network for Saliency Detection"
Stars: ✭ 105 (-14.63%)
Mutual labels:  deeplearning
Classifier multi label textcnn
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification
Stars: ✭ 116 (-5.69%)
Mutual labels:  cnn
Id Card Detector
💳 Detecting the National Identification Cards with Deep Learning (Faster R-CNN)
Stars: ✭ 114 (-7.32%)
Mutual labels:  cnn
Deep learning for computer vision with python
Deep Learning For Computer Vision With Python
Stars: ✭ 106 (-13.82%)
Mutual labels:  cnn
Self Driving Car
A End to End CNN Model which predicts the steering wheel angle based on the video/image
Stars: ✭ 106 (-13.82%)
Mutual labels:  cnn
Deepface
Keras implementation of the renowned publication "DeepFace: Closing the Gap to Human-Level Performance in Face Verification" by Taigman et al. Pre-trained weights on VGGFace2 dataset.
Stars: ✭ 113 (-8.13%)
Mutual labels:  cnn
Dlflow
DLFlow is a deep learning framework.
Stars: ✭ 105 (-14.63%)
Mutual labels:  deeplearning
Matex
Machine Learning Toolkit for Extreme Scale (MaTEx)
Stars: ✭ 104 (-15.45%)
Mutual labels:  deeplearning
A Convolutional Recurrent Neural Network For Real Time Speech Enhancement
A minimum unofficial implementation of the "A Convolutional Recurrent Neural Network for Real-Time Speech Enhancement" (CRN) using PyTorch
Stars: ✭ 123 (+0%)
Mutual labels:  cnn
Icface
ICface: Interpretable and Controllable Face Reenactment Using GANs
Stars: ✭ 122 (-0.81%)
Mutual labels:  deeplearning
3d Densenet
3D Dense Connected Convolutional Network (3D-DenseNet for action recognition)
Stars: ✭ 118 (-4.07%)
Mutual labels:  cnn
Deepcpg
Deep neural networks for predicting CpG methylation
Stars: ✭ 113 (-8.13%)
Mutual labels:  deeplearning
Deep Learning Notes
My CS231n lecture notes
Stars: ✭ 102 (-17.07%)
Mutual labels:  cnn
Models
DLTK Model Zoo
Stars: ✭ 101 (-17.89%)
Mutual labels:  cnn
Deepgaze
Computer Vision library for human-computer interaction. It implements Head Pose and Gaze Direction Estimation Using Convolutional Neural Networks, Skin Detection through Backprojection, Motion Detection and Tracking, Saliency Map.
Stars: ✭ 1,552 (+1161.79%)
Mutual labels:  cnn
Image Regression
🤖️image regression (base on convnetjs)
Stars: ✭ 102 (-17.07%)
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 (-17.07%)
Mutual labels:  cnn
Deepway
This project is an aid to the blind. Till date there has been no technological advancement in the way the blind navigate. So I have used deep learning particularly convolutional neural networks so that they can navigate through the streets.
Stars: ✭ 118 (-4.07%)
Mutual labels:  cnn
Tf2
An Open Source Deep Learning Inference Engine Based on FPGA
Stars: ✭ 113 (-8.13%)
Mutual labels:  cnn
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+1020.33%)
Mutual labels:  cnn
Spectralnormalizationkeras
Spectral Normalization for Keras Dense and Convolution Layers
Stars: ✭ 100 (-18.7%)
Mutual labels:  deeplearning
Torchsketch
Stars: ✭ 113 (-8.13%)
Mutual labels:  cnn
Lesrcnn
Lightweight Image Super-Resolution with Enhanced CNN (Knowledge-Based Systems,2020)
Stars: ✭ 101 (-17.89%)
Mutual labels:  cnn
1-60 of 778 similar projects