All Projects → Machine Learning → Similar Projects or Alternatives

8017 Open source projects that are alternatives of or similar to Machine Learning

Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+4282.05%)
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+4014.1%)
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (+23.08%)
Rnn For Joint Nlu
Pytorch implementation of "Attention-Based Recurrent Neural Network Models for Joint Intent Detection and Slot Filling" (https://arxiv.org/abs/1609.01454)
Stars: ✭ 176 (+125.64%)
Mutual labels:  jupyter-notebook, lstm, rnn, attention
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (+58.97%)
Mutual labels:  jupyter-notebook, lstm, rnn, attention
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+24.36%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, lstm, rnn
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 (+11.54%)
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+342.31%)
Mutual labels:  jupyter-notebook, tutorial, lstm, rnn
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+596.15%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, lstm, rnn
Lstm Music Genre Classification
Music genre classification with LSTM Recurrent Neural Nets in Keras & PyTorch
Stars: ✭ 166 (+112.82%)
Mutual labels:  classification, lstm, rnn
Ml Ai Experiments
All my experiments with AI and ML
Stars: ✭ 107 (+37.18%)
Mutual labels:  jupyter-notebook, lstm, rnn
Nlp Models Tensorflow
Gathers machine learning and Tensorflow deep learning models for NLP problems, 1.13 < Tensorflow < 2.0
Stars: ✭ 1,603 (+1955.13%)
Mutual labels:  jupyter-notebook, lstm, attention
Rnn Theano
使用Theano实现的一些RNN代码,包括最基本的RNN,LSTM,以及部分Attention模型,如论文MLSTM等
Stars: ✭ 31 (-60.26%)
Mutual labels:  classification, lstm, rnn
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (+15.38%)
Mutual labels:  lstm, rnn, attention
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-56.41%)
Mutual labels:  jupyter-notebook, lstm, rnn
Lstm chem
Implementation of the paper - Generative Recurrent Networks for De Novo Drug Design.
Stars: ✭ 87 (+11.54%)
Mutual labels:  jupyter-notebook, lstm, rnn
Poetry Seq2seq
Chinese Poetry Generation
Stars: ✭ 159 (+103.85%)
Mutual labels:  jupyter-notebook, lstm, rnn
Load forecasting
Load forcasting on Delhi area electric power load using ARIMA, RNN, LSTM and GRU models
Stars: ✭ 160 (+105.13%)
Mutual labels:  jupyter-notebook, lstm, rnn
Stylenet
A cute multi-layer LSTM that can perform like a human 🎶
Stars: ✭ 187 (+139.74%)
Mutual labels:  jupyter-notebook, lstm, rnn
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (-38.46%)
Mutual labels:  jupyter-notebook, lstm, rnn
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 (+52.56%)
Mutual labels:  jupyter-notebook, lstm, rnn
Doc Han Att
Hierarchical Attention Networks for Chinese Sentiment Classification
Stars: ✭ 206 (+164.1%)
Mutual labels:  jupyter-notebook, rnn, attention
EBIM-NLI
Enhanced BiLSTM Inference Model for Natural Language Inference
Stars: ✭ 24 (-69.23%)
Mutual labels:  lstm, rnn, attention
Face Mask Detection
Face masks are crucial in minimizing the propagation of Covid-19, and are highly recommended or even obligatory in many situations. In this project, we develop a pipeline to detect unmasked faces in images. This can, for example, be used to alert people that do not wear a mask when entering a building.
Stars: ✭ 37 (-52.56%)
Pytorch Lesson Zh
pytorch 包教不包会
Stars: ✭ 279 (+257.69%)
Sars tutorial
Repository for the tutorial on Sequence-Aware Recommender Systems held at TheWebConf 2019 and ACM RecSys 2018
Stars: ✭ 320 (+310.26%)
Mutual labels:  jupyter-notebook, tutorial, rnn
Time Attention
Implementation of RNN for Time Series prediction from the paper https://arxiv.org/abs/1704.02971
Stars: ✭ 52 (-33.33%)
Mutual labels:  lstm, rnn, attention
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 (+655.13%)
Mutual labels:  jupyter-notebook, lstm, rnn
Tensorflow cookbook
Code for Tensorflow Machine Learning Cookbook
Stars: ✭ 5,984 (+7571.79%)
Mutual labels:  jupyter-notebook, classification, rnn
Attentive Neural Processes
implementing "recurrent attentive neural processes" to forecast power usage (w. LSTM baseline, MCDropout)
Stars: ✭ 33 (-57.69%)
Mutual labels:  jupyter-notebook, rnn, attention
Early Stopping Pytorch
Early stopping for PyTorch
Stars: ✭ 612 (+684.62%)
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+370.51%)
Mutual labels:  jupyter-notebook, lstm, rnn
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-14.1%)
Mutual labels:  jupyter-notebook, lstm, rnn
Tensorflow Tutorial
Tensorflow tutorial from basic to hard, 莫烦Python 中文AI教学
Stars: ✭ 4,122 (+5184.62%)
Mutual labels:  classification, tutorial, rnn
Transformers Tutorials
Github repo with tutorials to fine tune transformers for diff NLP tasks
Stars: ✭ 384 (+392.31%)
Regex In Python
A comprehensive guide for learning regular expressions using Python
Stars: ✭ 58 (-25.64%)
Mutual labels:  jupyter-notebook, tutorial, regex
Pytorch Question Answering
Important paper implementations for Question Answering using PyTorch
Stars: ✭ 154 (+97.44%)
Deeplearningfornlpinpytorch
An IPython Notebook tutorial on deep learning for natural language processing, including structure prediction.
Stars: ✭ 1,744 (+2135.9%)
Mutual labels:  jupyter-notebook, tutorial, lstm
Sru Deeplearning Workshop
دوره 12 ساعته یادگیری عمیق با چارچوب Keras
Stars: ✭ 66 (-15.38%)
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+184.62%)
Mutual labels:  jupyter-notebook, lstm, rnn
Stockpriceprediction
Stock Price Prediction using Machine Learning Techniques
Stars: ✭ 700 (+797.44%)
Mutual labels:  jupyter-notebook, lstm, rnn
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 (+846.15%)
Mutual labels:  jupyter-notebook, tutorial, lstm
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (+248.72%)
Deeplearning.ai Assignments
Stars: ✭ 268 (+243.59%)
Mutual labels:  jupyter-notebook, lstm, rnn
Ner Bert
BERT-NER (nert-bert) with google bert https://github.com/google-research.
Stars: ✭ 339 (+334.62%)
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 (+3673.08%)
Mutual labels:  jupyter-notebook, lstm, rnn
Applied Text Mining In Python
Repo for Applied Text Mining in Python (coursera) by University of Michigan
Stars: ✭ 59 (-24.36%)
Fast Pytorch
Pytorch Tutorial, Pytorch with Google Colab, Pytorch Implementations: CNN, RNN, DCGAN, Transfer Learning, Chatbot, Pytorch Sample Codes
Stars: ✭ 346 (+343.59%)
Base-On-Relation-Method-Extract-News-DA-RNN-Model-For-Stock-Prediction--Pytorch
基於關聯式新聞提取方法之雙階段注意力機制模型用於股票預測
Stars: ✭ 33 (-57.69%)
Mutual labels:  lstm, rnn, attention
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (-44.87%)
Mutual labels:  lstm, rnn, attention
Lstm Sentiment Analysis
Sentiment Analysis with LSTMs in Tensorflow
Stars: ✭ 886 (+1035.9%)
Mutual labels:  jupyter-notebook, lstm, rnn
Deep Music Genre Classification
🎵 Using Deep Learning to Categorize Music as Time Progresses Through Spectrogram Analysis
Stars: ✭ 23 (-70.51%)
Mutual labels:  classification, lstm, rnn
Nlp Tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
Stars: ✭ 9,895 (+12585.9%)
Mutual labels:  jupyter-notebook, tutorial, attention
Lstm peptides
Long short-term memory recurrent neural networks for learning peptide and protein sequences to later design new, similar examples.
Stars: ✭ 30 (-61.54%)
Mutual labels:  lstm, rnn
Qa Rankit
QA - Answer Selection (Rank candidate answers for a given question)
Stars: ✭ 30 (-61.54%)
Mutual labels:  jupyter-notebook, lstm
Course
Slides and Jupyter notebooks
Stars: ✭ 29 (-62.82%)
Mutual labels:  jupyter-notebook, tutorial
Lstmvis
Visualization Toolbox for Long Short Term Memory networks (LSTMs)
Stars: ✭ 959 (+1129.49%)
Mutual labels:  jupyter-notebook, lstm
Prediciting Binary Options
Predicting forex binary options using time series data and machine learning
Stars: ✭ 33 (-57.69%)
Mutual labels:  jupyter-notebook, classification
Satellite imagery analysis
Implementation of different techniques to find insights from the satellite data using Python.
Stars: ✭ 31 (-60.26%)
Mutual labels:  jupyter-notebook, classification
Kaggle Notebooks
Sample notebooks for Kaggle competitions
Stars: ✭ 77 (-1.28%)
Mutual labels:  jupyter-notebook, tutorial
1-60 of 8017 similar projects