All Projects → Dl Colab Notebooks → Similar Projects or Alternatives

6606 Open source projects that are alternatives of or similar to Dl Colab Notebooks

Gtsrb
Convolutional Neural Network for German Traffic Sign Recognition Benchmark
Stars: ✭ 65 (-93.29%)
Models
DLTK Model Zoo
Stars: ✭ 101 (-89.58%)
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-89.99%)
Servenet
Service Classification based on Service Description
Stars: ✭ 21 (-97.83%)
Numpy neural network
仅使用numpy从头开始实现神经网络,包括反向传播公式推导过程; numpy构建全连接层、卷积层、池化层、Flatten层;以及图像分类案例及精调网络案例等,持续更新中... ...
Stars: ✭ 339 (-65.02%)
Mutual labels:  jupyter-notebook, cnn
Dab
Data Augmentation by Backtranslation (DAB) ヽ( •_-)ᕗ
Stars: ✭ 294 (-69.66%)
Real Time Gesrec
Real-time Hand Gesture Recognition with PyTorch on EgoGesture, NvGesture, Jester, Kinetics and UCF101
Stars: ✭ 339 (-65.02%)
Mutual labels:  deep-neural-networks, cnn
Learning Deep Learning
Paper reading notes on Deep Learning and Machine Learning
Stars: ✭ 388 (-59.96%)
Mutual labels:  jupyter-notebook, cnn
Nmtpytorch
Sequence-to-Sequence Framework in PyTorch
Stars: ✭ 392 (-59.55%)
Mutual labels:  jupyter-notebook, cnn
D2 Net
D2-Net: A Trainable CNN for Joint Description and Detection of Local Features
Stars: ✭ 448 (-53.77%)
Mutual labels:  jupyter-notebook, cnn
Cryptocurrencyprediction
Predict Cryptocurrency Price with Deep Learning
Stars: ✭ 453 (-53.25%)
Mutual labels:  jupyter-notebook, cnn
Rad
RAD: Reinforcement Learning with Augmented Data
Stars: ✭ 268 (-72.34%)
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (-71.93%)
Mutual labels:  jupyter-notebook, cnn
Pytorch Vdsr
VDSR (CVPR2016) pytorch implementation
Stars: ✭ 313 (-67.7%)
Cascaded Fcn
Source code for the MICCAI 2016 Paper "Automatic Liver and Lesion Segmentation in CT Using Cascaded Fully Convolutional NeuralNetworks and 3D Conditional Random Fields"
Stars: ✭ 296 (-69.45%)
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (-61.3%)
Mutual labels:  deep-neural-networks, cnn
Human Activity Recognition Using Cnn
Convolutional Neural Network for Human Activity Recognition in Tensorflow
Stars: ✭ 382 (-60.58%)
Mutual labels:  jupyter-notebook, cnn
Tsai
Time series Timeseries Deep Learning Pytorch fastai - State-of-the-art Deep Learning with Time Series and Sequences in Pytorch / fastai
Stars: ✭ 407 (-58%)
Mutual labels:  jupyter-notebook, cnn
Fast Pytorch
Pytorch Tutorial, Pytorch with Google Colab, Pytorch Implementations: CNN, RNN, DCGAN, Transfer Learning, Chatbot, Pytorch Sample Codes
Stars: ✭ 346 (-64.29%)
Mutual labels:  jupyter-notebook, cnn
Cvnd exercises
Exercise notebooks for CVND.
Stars: ✭ 622 (-35.81%)
Mutual labels:  jupyter-notebook, cnn
Stock Analysis Engine
Backtest 1000s of minute-by-minute trading algorithms for training AI with automated pricing data from: IEX, Tradier and FinViz. Datasets and trading performance automatically published to S3 for building AI training datasets for teaching DNNs how to trade. Runs on Kubernetes and docker-compose. >150 million trading history rows generated from +5000 algorithms. Heads up: Yahoo's Finance API was disabled on 2019-01-03 https://developer.yahoo.com/yql/
Stars: ✭ 605 (-37.56%)
Saliency
TensorFlow implementation for SmoothGrad, Grad-CAM, Guided backprop, Integrated Gradients and other saliency techniques
Stars: ✭ 648 (-33.13%)
Densedepth
High Quality Monocular Depth Estimation via Transfer Learning
Stars: ✭ 963 (-0.62%)
Pytorch Multi Style Transfer
Neural Style and MSG-Net
Stars: ✭ 687 (-29.1%)
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (-17.85%)
Tensorflow Tutorial
Some interesting TensorFlow tutorials for beginners.
Stars: ✭ 893 (-7.84%)
Mutual labels:  jupyter-notebook, cnn
Embeddedsystem
📚 嵌入式系统基础知识与主流编程语言相关内容总结
Stars: ✭ 266 (-72.55%)
Mutual labels:  jupyter-notebook, cnn
Dlpython course
Примеры для курса "Программирование глубоких нейронных сетей на Python"
Stars: ✭ 266 (-72.55%)
Image Captioning
Image Captioning using InceptionV3 and beam search
Stars: ✭ 290 (-70.07%)
Mutual labels:  jupyter-notebook, cnn
Mixup Generator
An implementation of "mixup: Beyond Empirical Risk Minimization"
Stars: ✭ 250 (-74.2%)
Attention is all you need
Transformer of "Attention Is All You Need" (Vaswani et al. 2017) by Chainer.
Stars: ✭ 303 (-68.73%)
Yolo V2 Pytorch
YOLO for object detection tasks
Stars: ✭ 302 (-68.83%)
Mutual labels:  deep-neural-networks, cnn
Distiller
Neural Network Distiller by Intel AI Lab: a Python package for neural network compression research. https://intellabs.github.io/distiller
Stars: ✭ 3,760 (+288.03%)
Mixture Density Networks For Distribution And Uncertainty Estimation
A generic Mixture Density Networks (MDN) implementation for distribution and uncertainty estimation by using Keras (TensorFlow)
Stars: ✭ 249 (-74.3%)
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (-62.13%)
Magnet
Deep Learning Projects that Build Themselves
Stars: ✭ 351 (-63.78%)
Gaze Estimation
A deep learning based gaze estimation framework implemented with PyTorch
Stars: ✭ 33 (-96.59%)
Mutual labels:  jupyter-notebook, cnn
Action Recognition Visual Attention
Action recognition using soft attention based deep recurrent neural networks
Stars: ✭ 350 (-63.88%)
Deepface
Deep Learning Models for Face Detection/Recognition/Alignments, implemented in Tensorflow
Stars: ✭ 409 (-57.79%)
Mutual labels:  deep-neural-networks, cnn
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (-59.24%)
Mutual labels:  jupyter-notebook, cnn
Food Recipe Cnn
food image to recipe with deep convolutional neural networks.
Stars: ✭ 448 (-53.77%)
Mutual labels:  jupyter-notebook, cnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+231.17%)
Mutual labels:  jupyter-notebook, cnn
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (-43.96%)
Mutual labels:  jupyter-notebook, cnn
Deeplearning
深度学习入门教程, 优秀文章, Deep Learning Tutorial
Stars: ✭ 6,783 (+600%)
Mutual labels:  jupyter-notebook, cnn
Speech Emotion Analyzer
The neural network model is capable of detecting five different male/female emotions from audio speeches. (Deep Learning, NLP, Python)
Stars: ✭ 633 (-34.67%)
Music recommender
Music recommender using deep learning with Keras and TensorFlow
Stars: ✭ 528 (-45.51%)
Mutual labels:  jupyter-notebook, cnn
Gans In Action
Companion repository to GANs in Action: Deep learning with Generative Adversarial Networks
Stars: ✭ 748 (-22.81%)
Tensorflow cookbook
Code for Tensorflow Machine Learning Cookbook
Stars: ✭ 5,984 (+517.54%)
Mutual labels:  jupyter-notebook, cnn
Quickdraw
Implementation of Quickdraw - an online game developed by Google
Stars: ✭ 805 (-16.92%)
Mutual labels:  deep-neural-networks, cnn
Cnn Facial Landmark
Training code for facial landmark detection based on deep convolutional neural network.
Stars: ✭ 516 (-46.75%)
Mutual labels:  deep-neural-networks, cnn
Csc deeplearning
3-day dive into deep learning at csc
Stars: ✭ 22 (-97.73%)
Deepfake Detection
DeepFake Detection: Detect the video is fake or not using InceptionResNetV2.
Stars: ✭ 23 (-97.63%)
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.
Stars: ✭ 23 (-97.63%)
Neural Image Captioning
Implementation of Neural Image Captioning model using Keras with Theano backend
Stars: ✭ 12 (-98.76%)
Mutual labels:  jupyter-notebook, cnn
All Classifiers 2019
A collection of computer vision projects for Acute Lymphoblastic Leukemia classification/early detection.
Stars: ✭ 22 (-97.73%)
Tf Keras Surgeon
Pruning and other network surgery for trained TF.Keras models.
Stars: ✭ 25 (-97.42%)
Kalasalingam
IEEE "Invited Talk on Deep Learning" 03/02/2018
Stars: ✭ 13 (-98.66%)
Snap N Eat
Food detection and recommendation with deep learning
Stars: ✭ 229 (-76.37%)
Dlwpt Code
Code for the book Deep Learning with PyTorch by Eli Stevens, Luca Antiga, and Thomas Viehmann.
Stars: ✭ 3,054 (+215.17%)
Docs
TensorFlow documentation
Stars: ✭ 4,999 (+415.89%)
1-60 of 6606 similar projects