All Projects → Kaggle Competition Favorita → Similar Projects or Alternatives

1357 Open source projects that are alternatives of or similar to Kaggle Competition Favorita

Facial Expression Recognition
Classify each facial image into one of the seven facial emotion categories considered using CNN based on https://www.kaggle.com/c/challenges-in-representation-learning-facial-expression-recognition-challenge
Stars: ✭ 82 (-51.48%)
Mutual labels:  kaggle
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (-28.99%)
Mutual labels:  cnn
Tensorflow seq2seq chatbot
Stars: ✭ 81 (-52.07%)
Mutual labels:  lstm
Human Action Recognition With Keras
Keras implementation of Human Action Recognition for the data set State Farm Distracted Driver Detection (Kaggle)
Stars: ✭ 156 (-7.69%)
Mutual labels:  kaggle
Pytorch Sentiment Analysis Classification
A PyTorch Tutorials of Sentiment Analysis Classification (RNN, LSTM, Bi-LSTM, LSTM+Attention, CNN)
Stars: ✭ 80 (-52.66%)
Mutual labels:  lstm
Auto ml
[UNMAINTAINED] Automated machine learning for analytics & production
Stars: ✭ 1,559 (+822.49%)
Mutual labels:  lightgbm
Ai Reading Materials
Some of the ML and DL related reading materials, research papers that I've read
Stars: ✭ 79 (-53.25%)
Mutual labels:  lstm
Awesome Decision Tree Papers
A collection of research papers on decision, classification and regression trees with implementations.
Stars: ✭ 1,908 (+1028.99%)
Mutual labels:  lightgbm
Sdtw pytorch
Implementation of soft dynamic time warping in pytorch
Stars: ✭ 79 (-53.25%)
Mutual labels:  time-series
Binjr
A Time Series Data Browser
Stars: ✭ 119 (-29.59%)
Mutual labels:  time-series
Pytorch Kaldi
pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
Stars: ✭ 2,097 (+1140.83%)
Mutual labels:  lstm
Pcn Ncnn
PCN based on ncnn framework.
Stars: ✭ 78 (-53.85%)
Mutual labels:  cnn
Linear Attention Recurrent Neural Network
A recurrent attention module consisting of an LSTM cell which can query its own past cell states by the means of windowed multi-head attention. The formulas are derived from the BN-LSTM and the Transformer Network. The LARNN cell with attention can be easily used inside a loop on the cell state, just like any other RNN. (LARNN)
Stars: ✭ 119 (-29.59%)
Mutual labels:  lstm
Cnn Paper2
🎨 🎨 深度学习 卷积神经网络教程 :图像识别,目标检测,语义分割,实例分割,人脸识别,神经风格转换,GAN等🎨🎨 https://dataxujing.github.io/CNN-paper2/
Stars: ✭ 77 (-54.44%)
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 (-16.57%)
Mutual labels:  lstm
Understaing Datasets Estimators Tfrecords
Try to use tf.estimator and tf.data together to train a cnn model.
Stars: ✭ 76 (-55.03%)
Mutual labels:  cnn
Modistsp
An "R" package for automatic download and preprocessing of MODIS Land Products Time Series
Stars: ✭ 118 (-30.18%)
Mutual labels:  time-series
Gsf
Grid Solutions Framework
Stars: ✭ 106 (-37.28%)
Mutual labels:  time-series
Nspm
🤖 Neural SPARQL Machines for Knowledge Graph Question Answering.
Stars: ✭ 156 (-7.69%)
Mutual labels:  lstm
Stl Decomp 4j
Java implementation of Seasonal-Trend-Loess time-series decomposition algorithm.
Stars: ✭ 75 (-55.62%)
Mutual labels:  time-series
Pointer Networks
Pointer Networks Implementation in Keras
Stars: ✭ 118 (-30.18%)
Mutual labels:  lstm
Aialpha
Use unsupervised and supervised learning to predict stocks
Stars: ✭ 1,191 (+604.73%)
Mutual labels:  lstm
Pyodds
An End-to-end Outlier Detection System
Stars: ✭ 141 (-16.57%)
Mutual labels:  time-series
Systemicrisk
A framework for systemic risk valuation and analysis.
Stars: ✭ 72 (-57.4%)
Mutual labels:  time-series
Reinforcementlearning Atarigame
Pytorch LSTM RNN for reinforcement learning to play Atari games from OpenAI Universe. We also use Google Deep Mind's Asynchronous Advantage Actor-Critic (A3C) Algorithm. This is much superior and efficient than DQN and obsoletes it. Can play on many games
Stars: ✭ 118 (-30.18%)
Mutual labels:  lstm
Covid19
JSON time-series of coronavirus cases (confirmed, deaths and recovered) per country - updated daily
Stars: ✭ 1,177 (+596.45%)
Mutual labels:  time-series
Kshape
Python implementation of k-Shape
Stars: ✭ 162 (-4.14%)
Mutual labels:  time-series
My Journey In The Data Science World
📢 Ready to learn or review your knowledge!
Stars: ✭ 1,175 (+595.27%)
Mutual labels:  kaggle
Model Quantization
Collections of model quantization algorithms
Stars: ✭ 118 (-30.18%)
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 (-58.58%)
Mutual labels:  lstm
Data science blogs
A repository to keep track of all the code that I end up writing for my blog posts.
Stars: ✭ 139 (-17.75%)
Mutual labels:  time-series
Ml Fraud Detection
Credit card fraud detection through logistic regression, k-means, and deep learning.
Stars: ✭ 117 (-30.77%)
Mutual labels:  kaggle
Keras Lmu
Keras implementation of Legendre Memory Units
Stars: ✭ 160 (-5.33%)
Mutual labels:  lstm
Awd Lstm Lm
LSTM and QRNN Language Model Toolkit for PyTorch
Stars: ✭ 1,834 (+985.21%)
Mutual labels:  lstm
Lstm Crf
A (CNN+)RNN(LSTM/BiLSTM)+CRF model for sequence labelling.😏
Stars: ✭ 134 (-20.71%)
Mutual labels:  lstm
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 (-36.69%)
Mutual labels:  cnn
Caffe ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
Stars: ✭ 1,156 (+584.02%)
Mutual labels:  lstm
Java Timeseries
Time series analysis in Java
Stars: ✭ 155 (-8.28%)
Mutual labels:  time-series
Hred Attention Tensorflow
An extension on the Hierachical Recurrent Encoder-Decoder for Generative Context-Aware Query Suggestion, our implementation is in Tensorflow and uses an attention mechanism.
Stars: ✭ 68 (-59.76%)
Mutual labels:  lstm
Aspect Extraction
Aspect extraction from product reviews - window-CNN+maxpool+CRF, BiLSTM+CRF, MLP+CRF
Stars: ✭ 117 (-30.77%)
Mutual labels:  cnn
Wdk
The Wearables Development Toolkit - a development environment for activity recognition applications with sensor signals
Stars: ✭ 68 (-59.76%)
Mutual labels:  time-series
Richwordsegmentor
Neural word segmentation with rich pretraining, code for ACL 2017 paper
Stars: ✭ 140 (-17.16%)
Mutual labels:  lstm
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 (-60.36%)
Mutual labels:  cnn
Telegraf
The plugin-driven server agent for collecting & reporting metrics.
Stars: ✭ 10,925 (+6364.5%)
Mutual labels:  time-series
Lstm Music Genre Classification
Music genre classification with LSTM Recurrent Neural Nets in Keras & PyTorch
Stars: ✭ 166 (-1.78%)
Mutual labels:  lstm
Timecop
Time series based anomaly detector
Stars: ✭ 65 (-61.54%)
Mutual labels:  lstm
Statespacemodels.jl
StateSpaceModels.jl is a Julia package for time-series analysis using state-space models.
Stars: ✭ 116 (-31.36%)
Mutual labels:  time-series
Irm Based Speech Enhancement Using Lstm
Ideal Ratio Mask (IRM) Estimation based Speech Enhancement using LSTM
Stars: ✭ 66 (-60.95%)
Mutual labels:  lstm
Recotour
A tour through recommendation algorithms in python [IN PROGRESS]
Stars: ✭ 140 (-17.16%)
Mutual labels:  lightgbm
Yolo V3 Iou
YOLO3 动漫人脸检测 (Based on keras and tensorflow) 2019-1-19
Stars: ✭ 116 (-31.36%)
Mutual labels:  cnn
Lightgbm predict4j
A java implementation of LightGBM predicting part
Stars: ✭ 64 (-62.13%)
Mutual labels:  lightgbm
Pyfts
An open source library for Fuzzy Time Series in Python
Stars: ✭ 154 (-8.88%)
Mutual labels:  time-series
Strategems.jl
Quantitative systematic trading strategy development and backtesting in Julia
Stars: ✭ 106 (-37.28%)
Mutual labels:  time-series
Stockprediction
Plain Stock Close-Price Prediction via Graves LSTM RNNs
Stars: ✭ 134 (-20.71%)
Mutual labels:  lstm
Dog Breeds Classification
Set of scripts and data for reproducing dog breed classification model training, analysis, and inference.
Stars: ✭ 105 (-37.87%)
Mutual labels:  kaggle
Carbon
Carbon is one of the components of Graphite, and is responsible for receiving metrics over the network and writing them down to disk using a storage backend.
Stars: ✭ 1,435 (+749.11%)
Mutual labels:  time-series
Awesome Speech Recognition Speech Synthesis Papers
Automatic Speech Recognition (ASR), Speaker Verification, Speech Synthesis, Text-to-Speech (TTS), Language Modelling, Singing Voice Synthesis (SVS), Voice Conversion (VC)
Stars: ✭ 2,085 (+1133.73%)
Mutual labels:  cnn
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 (-20.71%)
Mutual labels:  lstm
Griddb
GridDB is a next-generation open source database that makes time series IoT and big data fast,and easy.
Stars: ✭ 1,587 (+839.05%)
Mutual labels:  time-series
Awesome Ts Anomaly Detection
List of tools & datasets for anomaly detection on time-series data.
Stars: ✭ 2,027 (+1099.41%)
Mutual labels:  time-series
301-360 of 1357 similar projects