All Projects → Lightnet → Similar Projects or Alternatives

917 Open source projects that are alternatives of or similar to Lightnet

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 (-63.79%)
Mutual labels:  cnn
Vae Seq
Variational Auto-Encoders in a Sequential Setting.
Stars: ✭ 145 (-40.33%)
Mutual labels:  rnn
Tts Cube
End-2-end speech synthesis with recurrent neural networks
Stars: ✭ 213 (-12.35%)
Mutual labels:  lstm
Contextual Utterance Level Multimodal Sentiment Analysis
Context-Dependent Sentiment Analysis in User-Generated Videos
Stars: ✭ 86 (-64.61%)
Mutual labels:  lstm
Visualizing cnns
Using Keras and cats to visualize layers from CNNs
Stars: ✭ 143 (-41.15%)
Mutual labels:  cnn
Sentiment 2017 Imavis
From Pixels to Sentiment: Fine-tuning CNNs for Visual Sentiment Prediction
Stars: ✭ 85 (-65.02%)
Mutual labels:  cnn
Stockprediction
Plain Stock Close-Price Prediction via Graves LSTM RNNs
Stars: ✭ 134 (-44.86%)
Mutual labels:  lstm
Tf Mobilenet V2
Mobilenet V2(Inverted Residual) Implementation & Trained Weights Using Tensorflow
Stars: ✭ 85 (-65.02%)
Mutual labels:  cnn
Semanaly
semantic analysis using word2vector, doc2vector,lstm and other method. mainly for text similarity analysis.
Stars: ✭ 143 (-41.15%)
Mutual labels:  lstm
Gordon cnn
A small convolution neural network deep learning framework implemented in c++.
Stars: ✭ 241 (-0.82%)
Mutual labels:  cnn
Pytorch Sentiment Neuron
Stars: ✭ 178 (-26.75%)
Mutual labels:  rnn
Deep Learning With Python
Example projects I completed to understand Deep Learning techniques with Tensorflow. Please note that I do no longer maintain this repository.
Stars: ✭ 134 (-44.86%)
Mutual labels:  lstm
Cfsrcnn
Coarse-to-Fine CNN for Image Super-Resolution (IEEE Transactions on Multimedia,2020)
Stars: ✭ 84 (-65.43%)
Mutual labels:  cnn
Self Driving Car 3d Simulator With Cnn
Implementing a self driving car using a 3D Driving Simulator. CNN will be used for training
Stars: ✭ 143 (-41.15%)
Mutual labels:  cnn
Language Translation
Neural machine translator for English2German translation.
Stars: ✭ 82 (-66.26%)
Mutual labels:  lstm
Segan
A PyTorch implementation of SEGAN based on INTERSPEECH 2017 paper "SEGAN: Speech Enhancement Generative Adversarial Network"
Stars: ✭ 82 (-66.26%)
Mutual labels:  cnn
Deep Learning Resources
A Collection of resources I have found useful on my journey finding my way through the world of Deep Learning.
Stars: ✭ 141 (-41.98%)
Mutual labels:  lstm
Webml Polyfill
A polyfill for Web Neural Network (WebNN) API
Stars: ✭ 133 (-45.27%)
Mutual labels:  cnn
Doc Han Att
Hierarchical Attention Networks for Chinese Sentiment Classification
Stars: ✭ 206 (-15.23%)
Mutual labels:  rnn
Tensorflow2 Docs Zh
TF2.0 / TensorFlow 2.0 / TensorFlow2.0 官方文档中文版
Stars: ✭ 177 (-27.16%)
Mutual labels:  rnn
Mk Tfjs
Play MK.js with TensorFlow.js
Stars: ✭ 133 (-45.27%)
Mutual labels:  cnn
Recursive Cnns
Implementation of my paper "Real-time Document Localization in Natural Images by Recursive Application of a CNN."
Stars: ✭ 80 (-67.08%)
Mutual labels:  cnn
Brdnet
Image denoising using deep CNN with batch renormalization(Neural Networks,2020)
Stars: ✭ 141 (-41.98%)
Mutual labels:  cnn
Datastories Semeval2017 Task4
Deep-learning model presented in "DataStories at SemEval-2017 Task 4: Deep LSTM with Attention for Message-level and Topic-based Sentiment Analysis".
Stars: ✭ 184 (-24.28%)
Mutual labels:  lstm
Dispnet Flownet Docker
Dockerfile and runscripts for DispNet and FlowNet1 (estimation of disparity and optical flow)
Stars: ✭ 78 (-67.9%)
Mutual labels:  cnn
Actionrecognition
Explore Action Recognition
Stars: ✭ 139 (-42.8%)
Mutual labels:  lstm
Pcn Ncnn
PCN based on ncnn framework.
Stars: ✭ 78 (-67.9%)
Mutual labels:  cnn
Srgan
Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network
Stars: ✭ 2,641 (+986.83%)
Mutual labels:  cnn
Performance Rnn Pytorch
Event-based music generation with RNN using PyTorch
Stars: ✭ 77 (-68.31%)
Mutual labels:  rnn
Pytorch Fcn Easiest Demo
PyTorch Implementation of Fully Convolutional Networks (a very simple and easy demo).
Stars: ✭ 138 (-43.21%)
Mutual labels:  cnn
Dialogue Understanding
This repository contains PyTorch implementation for the baseline models from the paper Utterance-level Dialogue Understanding: An Empirical Study
Stars: ✭ 77 (-68.31%)
Mutual labels:  lstm
Tensorflow Mnist Cnn
MNIST classification using Convolutional NeuralNetwork. Various techniques such as data augmentation, dropout, batchnormalization, etc are implemented.
Stars: ✭ 182 (-25.1%)
Mutual labels:  cnn
Understaing Datasets Estimators Tfrecords
Try to use tf.estimator and tf.data together to train a cnn model.
Stars: ✭ 76 (-68.72%)
Mutual labels:  cnn
Document Classifier Lstm
A bidirectional LSTM with attention for multiclass/multilabel text classification.
Stars: ✭ 136 (-44.03%)
Mutual labels:  lstm
Tools To Design Or Visualize Architecture Of Neural Network
Tools to Design or Visualize Architecture of Neural Network
Stars: ✭ 1,143 (+370.37%)
Mutual labels:  cnn
Shakkala
Deep learning for Arabic text Vocalization - التشكيل الالي للنصوص العربية
Stars: ✭ 208 (-14.4%)
Mutual labels:  rnn
Codegan
[Deprecated] Source Code Generation using Sequence Generative Adversarial Networks
Stars: ✭ 73 (-69.96%)
Mutual labels:  rnn
Question Pairs Matching
第三届魔镜杯 智能客服问题相似性算法设计 第12名解决方案
Stars: ✭ 138 (-43.21%)
Mutual labels:  lstm
Char Cnn Text Classification Tensorflow
Character-level Convolutional Networks for Text Classification论文仿真实现
Stars: ✭ 72 (-70.37%)
Mutual labels:  cnn
Lstm Ctc Ocr
using rnn (lstm or gru) and ctc to convert line image into text, based on torch7 and warp-ctc
Stars: ✭ 70 (-71.19%)
Mutual labels:  lstm
Flownet2 Docker
Dockerfile and runscripts for FlowNet 2.0 (estimation of optical flow)
Stars: ✭ 137 (-43.62%)
Mutual labels:  cnn
Gtzan.keras
[REPO] Music Genre classification on GTZAN dataset using CNNs
Stars: ✭ 132 (-45.68%)
Mutual labels:  cnn
Noiseface
Noise-Tolerant Paradigm for Training Face Recognition CNNs
Stars: ✭ 132 (-45.68%)
Mutual labels:  cnn
Trafficflowprediction
Traffic Flow Prediction with Neural Networks(SAEs、LSTM、GRU).
Stars: ✭ 242 (-0.41%)
Mutual labels:  lstm
Convolution network on fpga
CNN acceleration on virtex-7 FPGA with verilog HDL
Stars: ✭ 236 (-2.88%)
Mutual labels:  cnn
Object Localization
Object localization in images using simple CNNs and Keras
Stars: ✭ 130 (-46.5%)
Mutual labels:  cnn
Facelet bank
Facelet-Bank for Fast Portrait Manipulation (pytorch)
Stars: ✭ 206 (-15.23%)
Mutual labels:  cnn
Vincent Ai Artist
Style transfer using deep convolutional neural nets
Stars: ✭ 176 (-27.57%)
Mutual labels:  cnn
Id Cnn Cws
Source codes and corpora of paper "Iterated Dilated Convolutions for Chinese Word Segmentation"
Stars: ✭ 129 (-46.91%)
Mutual labels:  cnn
Hidden Two Stream
Caffe implementation for "Hidden Two-Stream Convolutional Networks for Action Recognition"
Stars: ✭ 179 (-26.34%)
Mutual labels:  cnn
Keras bert classification
Bert-classification and bert-dssm implementation with keras.
Stars: ✭ 67 (-72.43%)
Mutual labels:  lstm
Rnn recsys
Our implementation of the paper "Embedding-based News Recommendation for Millions of Users"
Stars: ✭ 135 (-44.44%)
Mutual labels:  rnn
E3d lstm
e3d-lstm; Eidetic 3D LSTM A Model for Video Prediction and Beyond
Stars: ✭ 129 (-46.91%)
Mutual labels:  lstm
Paircnn Ranking
A tensorflow implementation of Learning to Rank Short Text Pairs with Convolutional Deep Neural Networks
Stars: ✭ 176 (-27.57%)
Mutual labels:  cnn
Abstractive Summarization
Implementation of abstractive summarization using LSTM in the encoder-decoder architecture with local attention.
Stars: ✭ 128 (-47.33%)
Mutual labels:  lstm
Tensorflow Computer Vision Tutorial
Tutorials of deep learning for computer vision.
Stars: ✭ 206 (-15.23%)
Mutual labels:  cnn
I3d finetune
TensorFlow code for finetuning I3D model on UCF101.
Stars: ✭ 128 (-47.33%)
Mutual labels:  cnn
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (-48.15%)
Mutual labels:  lstm
Slot filling intent joint model
attention based joint model for intent detection and slot filling
Stars: ✭ 175 (-27.98%)
Mutual labels:  cnn
Asr syllable
基于卷积神经网络的语音识别声学模型的研究
Stars: ✭ 127 (-47.74%)
Mutual labels:  cnn
301-360 of 917 similar projects