All Projects → Qa Rankit → Similar Projects or Alternatives

6539 Open source projects that are alternatives of or similar to Qa Rankit

Cryptocurrencyprediction
Predict Cryptocurrency Price with Deep Learning
Stars: ✭ 453 (+1410%)
Mutual labels:  jupyter-notebook, cnn, lstm
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+10596.67%)
Mutual labels:  jupyter-notebook, cnn, lstm
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (+220%)
Mutual labels:  jupyter-notebook, cnn, lstm
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+1710%)
Mutual labels:  jupyter-notebook, cnn, lstm
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+223.33%)
Mutual labels:  jupyter-notebook, cnn, lstm
Image Captioning
Image Captioning using InceptionV3 and beam search
Stars: ✭ 290 (+866.67%)
Mutual labels:  jupyter-notebook, cnn, lstm
Tensorflow Tutorial
Some interesting TensorFlow tutorials for beginners.
Stars: ✭ 893 (+2876.67%)
Mutual labels:  jupyter-notebook, cnn, lstm
Screenshot To Code
A neural network that transforms a design mock-up into a static website.
Stars: ✭ 13,561 (+45103.33%)
Mutual labels:  jupyter-notebook, cnn, lstm
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 (+190%)
Mutual labels:  jupyter-notebook, cnn, lstm
Keras basic
keras를 이용한 딥러닝 기초 학습
Stars: ✭ 39 (+30%)
Mutual labels:  jupyter-notebook, cnn, lstm
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+640%)
Mutual labels:  jupyter-notebook, cnn, lstm
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (+5166.67%)
Mutual labels:  jupyter-notebook, cnn, lstm
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (+13.33%)
Mutual labels:  jupyter-notebook, cnn, lstm
Lidc nodule detection
lidc nodule detection with CNN and LSTM network
Stars: ✭ 187 (+523.33%)
Mutual labels:  jupyter-notebook, cnn, lstm
Neural Image Captioning
Implementation of Neural Image Captioning model using Keras with Theano backend
Stars: ✭ 12 (-60%)
Mutual labels:  jupyter-notebook, cnn, lstm
stylenet
A pytorch implemention of "StyleNet: Generating Attractive Visual Captions with Styles"
Stars: ✭ 58 (+93.33%)
Mutual labels:  cnn, lstm
Stock-Prediction
stock predict by cnn and lstm
Stars: ✭ 25 (-16.67%)
Mutual labels:  cnn, lstm
Embeddedsystem
📚 嵌入式系统基础知识与主流编程语言相关内容总结
Stars: ✭ 266 (+786.67%)
Mutual labels:  jupyter-notebook, cnn
Cs291k
🎭 Sentiment Analysis of Twitter data using combined CNN and LSTM Neural Network models
Stars: ✭ 287 (+856.67%)
Mutual labels:  cnn, lstm
Deeplearning.ai Assignments
Stars: ✭ 268 (+793.33%)
Mutual labels:  jupyter-notebook, lstm
Unet Zoo
A collection of UNet and hybrid architectures in PyTorch for 2D and 3D Biomedical Image segmentation
Stars: ✭ 302 (+906.67%)
Mutual labels:  cnn, lstm
Basicocr
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
Stars: ✭ 336 (+1020%)
Mutual labels:  cnn, lstm
Fast Pytorch
Pytorch Tutorial, Pytorch with Google Colab, Pytorch Implementations: CNN, RNN, DCGAN, Transfer Learning, Chatbot, Pytorch Sample Codes
Stars: ✭ 346 (+1053.33%)
Mutual labels:  jupyter-notebook, cnn
Stock Prediction Models
Gathers machine learning and deep learning models for Stock forecasting including trading bots and simulations
Stars: ✭ 4,660 (+15433.33%)
Mutual labels:  jupyter-notebook, lstm
Human Activity Recognition Using Cnn
Convolutional Neural Network for Human Activity Recognition in Tensorflow
Stars: ✭ 382 (+1173.33%)
Mutual labels:  jupyter-notebook, cnn
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (+1216.67%)
Mutual labels:  jupyter-notebook, cnn
Kaggle Web Traffic Time Series Forecasting
Solution to Kaggle - Web Traffic Time Series Forecasting
Stars: ✭ 29 (-3.33%)
Mutual labels:  jupyter-notebook, cnn
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+11293.33%)
Mutual labels:  jupyter-notebook, lstm
Lstm Human Activity Recognition
Human Activity Recognition example using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six activity categories - Guillaume Chevalier
Stars: ✭ 2,943 (+9710%)
Mutual labels:  jupyter-notebook, lstm
Personality Detection
Implementation of a hierarchical CNN based model to detect Big Five personality traits
Stars: ✭ 338 (+1026.67%)
Mutual labels:  cnn, lstm
Learning Deep Learning
Paper reading notes on Deep Learning and Machine Learning
Stars: ✭ 388 (+1193.33%)
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 (+1256.67%)
Mutual labels:  jupyter-notebook, cnn
Tensorflow Lstm Regression
Sequence prediction using recurrent neural networks(LSTM) with TensorFlow
Stars: ✭ 433 (+1343.33%)
Mutual labels:  jupyter-notebook, lstm
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (+806.67%)
Mutual labels:  jupyter-notebook, cnn
Cryptocurrency Price Prediction
Cryptocurrency Price Prediction Using LSTM neural network
Stars: ✭ 271 (+803.33%)
Mutual labels:  jupyter-notebook, lstm
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+1050%)
Mutual labels:  jupyter-notebook, lstm
Cnn lstm ctc tensorflow
CNN+LSTM+CTC based OCR implemented using tensorflow.
Stars: ✭ 343 (+1043.33%)
Mutual labels:  cnn, lstm
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+1123.33%)
Mutual labels:  jupyter-notebook, lstm
Numpy neural network
仅使用numpy从头开始实现神经网络,包括反向传播公式推导过程; numpy构建全连接层、卷积层、池化层、Flatten层;以及图像分类案例及精调网络案例等,持续更新中... ...
Stars: ✭ 339 (+1030%)
Mutual labels:  jupyter-notebook, cnn
Zhihu Text Classification
[2017知乎看山杯 多标签 文本分类] ye组(第六名) 解题方案
Stars: ✭ 392 (+1206.67%)
Mutual labels:  jupyter-notebook, lstm
Nmtpytorch
Sequence-to-Sequence Framework in PyTorch
Stars: ✭ 392 (+1206.67%)
Mutual labels:  jupyter-notebook, cnn
Sentimentanalysis
文本情感分析
Stars: ✭ 421 (+1303.33%)
Mutual labels:  jupyter-notebook, lstm
Deform conv pytorch
PyTorch Implementation of Deformable Convolution
Stars: ✭ 217 (+623.33%)
Mutual labels:  jupyter-notebook, cnn
Lstm Fcn
Codebase for the paper LSTM Fully Convolutional Networks for Time Series Classification
Stars: ✭ 482 (+1506.67%)
Mutual labels:  cnn, lstm
Multilabel Timeseries Classification With Lstm
Tensorflow implementation of paper: Learning to Diagnose with LSTM Recurrent Neural Networks.
Stars: ✭ 519 (+1630%)
Mutual labels:  jupyter-notebook, lstm
Textclassificationbenchmark
A Benchmark of Text Classification in PyTorch
Stars: ✭ 534 (+1680%)
Mutual labels:  cnn, lstm
Pytorch Ntm
Neural Turing Machines (NTM) - PyTorch Implementation
Stars: ✭ 453 (+1410%)
Mutual labels:  jupyter-notebook, lstm
Music recommender
Music recommender using deep learning with Keras and TensorFlow
Stars: ✭ 528 (+1660%)
Mutual labels:  jupyter-notebook, cnn
Deeplearning
深度学习入门教程, 优秀文章, Deep Learning Tutorial
Stars: ✭ 6,783 (+22510%)
Mutual labels:  jupyter-notebook, cnn
Multi Class Text Classification Cnn Rnn
Classify Kaggle San Francisco Crime Description into 39 classes. Build the model with CNN, RNN (GRU and LSTM) and Word Embeddings on Tensorflow.
Stars: ✭ 570 (+1800%)
Mutual labels:  cnn, lstm
Telemanom
A framework for using LSTMs to detect anomalies in multivariate time series data. Includes spacecraft anomaly data and experiments from the Mars Science Laboratory and SMAP missions.
Stars: ✭ 589 (+1863.33%)
Mutual labels:  jupyter-notebook, lstm
Text Classification
Implementation of papers for text classification task on DBpedia
Stars: ✭ 682 (+2173.33%)
Mutual labels:  cnn, lstm
Food Recipe Cnn
food image to recipe with deep convolutional neural networks.
Stars: ✭ 448 (+1393.33%)
Mutual labels:  jupyter-notebook, cnn
Attention Networks For Classification
Hierarchical Attention Networks for Document Classification in PyTorch
Stars: ✭ 540 (+1700%)
Mutual labels:  jupyter-notebook, lstm
Cvnd exercises
Exercise notebooks for CVND.
Stars: ✭ 622 (+1973.33%)
Mutual labels:  jupyter-notebook, cnn
Stockpriceprediction
Stock Price Prediction using Machine Learning Techniques
Stars: ✭ 700 (+2233.33%)
Mutual labels:  jupyter-notebook, lstm
Getting Things Done With Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Stars: ✭ 738 (+2360%)
Mutual labels:  jupyter-notebook, lstm
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+2553.33%)
Mutual labels:  jupyter-notebook, lstm
Tensorflow Onnx
Convert TensorFlow models to ONNX
Stars: ✭ 900 (+2900%)
Mutual labels:  jupyter-notebook, lstm
Lstm Char Cnn Tensorflow
in progress
Stars: ✭ 737 (+2356.67%)
Mutual labels:  cnn, lstm
1-60 of 6539 similar projects