All Projects → Transformer → Similar Projects or Alternatives

6394 Open source projects that are alternatives of or similar to Transformer

Tsai
Time series Timeseries Deep Learning Pytorch fastai - State-of-the-art Deep Learning with Time Series and Sequences in Pytorch / fastai
Stars: ✭ 407 (+49.08%)
Pytorch Original Transformer
My implementation of the original transformer model (Vaswani et al.). I've additionally included the playground.py file for visualizing otherwise seemingly hard concepts. Currently included IWSLT pretrained models.
Stars: ✭ 411 (+50.55%)
Mutual labels:  jupyter-notebook, transformer
Getting Started With Google Bert
Build and train state-of-the-art natural language processing models using BERT
Stars: ✭ 107 (-60.81%)
Mutual labels:  jupyter-notebook, transformer
K Nearest Neighbors With Dynamic Time Warping
Python implementation of KNN and DTW classification algorithm
Stars: ✭ 604 (+121.25%)
Mutual labels:  jupyter-notebook, timeseries
Question generation
Neural question generation using transformers
Stars: ✭ 356 (+30.4%)
Mutual labels:  jupyter-notebook, transformer
Nlp Tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
Stars: ✭ 9,895 (+3524.54%)
Mutual labels:  jupyter-notebook, transformer
Dab
Data Augmentation by Backtranslation (DAB) ヽ( •_-)ᕗ
Stars: ✭ 294 (+7.69%)
Mutual labels:  jupyter-notebook, transformer
Bertqa Attention On Steroids
BertQA - Attention on Steroids
Stars: ✭ 112 (-58.97%)
Mutual labels:  jupyter-notebook, transformer
Smiles Transformer
Original implementation of the paper "SMILES Transformer: Pre-trained Molecular Fingerprint for Low Data Drug Discovery" by Shion Honda et al.
Stars: ✭ 86 (-68.5%)
Mutual labels:  jupyter-notebook, transformer
Kaggle Web Traffic
1st place solution
Stars: ✭ 1,641 (+501.1%)
Mutual labels:  jupyter-notebook, timeseries
Pastas
🍝 Pastas is an open-source Python framework for the analysis of hydrological time series.
Stars: ✭ 155 (-43.22%)
Mutual labels:  jupyter-notebook, timeseries
Analyzing neural time series
python implementations of Analyzing Neural Time Series Textbook
Stars: ✭ 117 (-57.14%)
Mutual labels:  jupyter-notebook, timeseries
Anomaly detection
This is a times series anomaly detection algorithm, implemented in Python, for catching multiple anomalies. It uses a moving average with an extreme student deviate (ESD) test to detect anomalous points.
Stars: ✭ 50 (-81.68%)
Mutual labels:  jupyter-notebook, timeseries
Gpt2 French
GPT-2 French demo | Démo française de GPT-2
Stars: ✭ 47 (-82.78%)
Mutual labels:  jupyter-notebook, transformer
Timesynth
A Multipurpose Library for Synthetic Time Series Generation in Python
Stars: ✭ 170 (-37.73%)
Mutual labels:  jupyter-notebook, timeseries
Timeseries fastai
fastai V2 implementation of Timeseries classification papers.
Stars: ✭ 221 (-19.05%)
Mutual labels:  jupyter-notebook, timeseries
Deepsvg
[NeurIPS 2020] Official code for the paper "DeepSVG: A Hierarchical Generative Network for Vector Graphics Animation". Includes a PyTorch library for deep learning with SVG data.
Stars: ✭ 403 (+47.62%)
Mutual labels:  jupyter-notebook, transformer
Nn
🧑‍🏫 50! Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
Stars: ✭ 5,720 (+1995.24%)
Mutual labels:  jupyter-notebook, transformer
Deeplearning Nlp Models
A small, interpretable codebase containing the re-implementation of a few "deep" NLP models in PyTorch. Colab notebooks to run with GPUs. Models: word2vec, CNNs, transformer, gpt.
Stars: ✭ 64 (-76.56%)
Mutual labels:  jupyter-notebook, transformer
Indonesian Language Models
Indonesian Language Models and its Usage
Stars: ✭ 64 (-76.56%)
Mutual labels:  jupyter-notebook, transformer
Tsmoothie
A python library for time-series smoothing and outlier detection in a vectorized way.
Stars: ✭ 109 (-60.07%)
Mutual labels:  jupyter-notebook, timeseries
Stingray
Anything can happen in the next half hour (including spectral timing made easy)!
Stars: ✭ 94 (-65.57%)
Mutual labels:  jupyter-notebook, timeseries
Sttn
[ECCV'2020] STTN: Learning Joint Spatial-Temporal Transformations for Video Inpainting
Stars: ✭ 211 (-22.71%)
Mutual labels:  jupyter-notebook, transformer
Tcdf
Temporal Causal Discovery Framework (PyTorch): discovering causal relationships between time series
Stars: ✭ 217 (-20.51%)
Mutual labels:  jupyter-notebook, timeseries
Kaggle Web Traffic Time Series Forecasting
Solution to Kaggle - Web Traffic Time Series Forecasting
Stars: ✭ 29 (-89.38%)
Mutual labels:  jupyter-notebook, timeseries
Bertviz
Tool for visualizing attention in the Transformer model (BERT, GPT-2, Albert, XLNet, RoBERTa, CTRL, etc.)
Stars: ✭ 3,443 (+1161.17%)
Mutual labels:  jupyter-notebook, transformer
Tensorflow Ml Nlp
텐서플로우와 머신러닝으로 시작하는 자연어처리(로지스틱회귀부터 트랜스포머 챗봇까지)
Stars: ✭ 176 (-35.53%)
Mutual labels:  jupyter-notebook, transformer
Bert Multitask Learning
BERT for Multitask Learning
Stars: ✭ 380 (+39.19%)
Mutual labels:  jupyter-notebook, transformer
Scientificsummarizationdatasets
Datasets I have created for scientific summarization, and a trained BertSum model
Stars: ✭ 100 (-63.37%)
Mutual labels:  jupyter-notebook, transformer
Vietnamese Electra
Electra pre-trained model using Vietnamese corpus
Stars: ✭ 55 (-79.85%)
Mutual labels:  jupyter-notebook, transformer
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 (+170.33%)
Mutual labels:  jupyter-notebook, transformer
Simplestockanalysispython
Stock Analysis Tutorial in Python
Stars: ✭ 126 (-53.85%)
Mutual labels:  jupyter-notebook, timeseries
Jddc solution 4th
2018-JDDC大赛第4名的解决方案
Stars: ✭ 235 (-13.92%)
Mutual labels:  jupyter-notebook, transformer
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+1152.01%)
Mutual labels:  jupyter-notebook, transformer
Cryptocurrency Price Prediction
Cryptocurrency Price Prediction Using LSTM neural network
Stars: ✭ 271 (-0.73%)
Mutual labels:  jupyter-notebook
Rlquant
Applying Reinforcement Learning in Quantitative Trading
Stars: ✭ 271 (-0.73%)
Mutual labels:  jupyter-notebook
Fba matting
Official repository for the paper F, B, Alpha Matting
Stars: ✭ 272 (-0.37%)
Mutual labels:  jupyter-notebook
Rad
RAD: Reinforcement Learning with Augmented Data
Stars: ✭ 268 (-1.83%)
Mutual labels:  jupyter-notebook
Prometheus Anomaly Detector
A newer more updated version of the prometheus anomaly detector (https://github.com/AICoE/prometheus-anomaly-detector-legacy)
Stars: ✭ 273 (+0%)
Mutual labels:  jupyter-notebook
Kubeflow Labs
👩‍🔬 Train and Serve TensorFlow Models at Scale with Kubernetes and Kubeflow on Azure
Stars: ✭ 275 (+0.73%)
Mutual labels:  jupyter-notebook
Unintended Ml Bias Analysis
Stars: ✭ 271 (-0.73%)
Mutual labels:  jupyter-notebook
Introduction To Python For Computational Science And Engineering
Book: Introduction to Python for Computational Science and Engineering
Stars: ✭ 271 (-0.73%)
Mutual labels:  jupyter-notebook
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (-0.37%)
Mutual labels:  jupyter-notebook
Streamingphish
Python-based utility that uses supervised machine learning to detect phishing domains from the Certificate Transparency log network.
Stars: ✭ 271 (-0.73%)
Mutual labels:  jupyter-notebook
Machine learing study
Stars: ✭ 270 (-1.1%)
Mutual labels:  jupyter-notebook
Audio Spectrum Analyzer In Python
A series of Jupyter notebooks and python files which stream audio from a microphone using pyaudio, then processes it.
Stars: ✭ 273 (+0%)
Mutual labels:  jupyter-notebook
Hands On Deep Learning Algorithms With Python
Master Deep Learning Algorithms with Extensive Math by Implementing them using TensorFlow
Stars: ✭ 272 (-0.37%)
Mutual labels:  jupyter-notebook
Mathematical Python
Introduction to Mathematical Computing with Python and Jupyter
Stars: ✭ 273 (+0%)
Mutual labels:  jupyter-notebook
Notebooks Statistics And Machinelearning
Jupyter Notebooks from the old UnsupervisedLearning.com (RIP) machine learning and statistics blog
Stars: ✭ 270 (-1.1%)
Mutual labels:  jupyter-notebook
Deeplearningwithtf2.0
Practical Exercises in TensorFlow 2.0 for Ian Goodfellows Deep Learning Book
Stars: ✭ 270 (-1.1%)
Mutual labels:  jupyter-notebook
Machine Learning For Algorithmic Trading Second Edition original
Machine Learning for Algorithmic Trading, Second Edition - published by Packt
Stars: ✭ 273 (+0%)
Mutual labels:  jupyter-notebook
Cutblur
Rethinking Data Augmentation for Image Super-resolution (CVPR 2020)
Stars: ✭ 269 (-1.47%)
Mutual labels:  jupyter-notebook
Gophernotes
The Go kernel for Jupyter notebooks and nteract.
Stars: ✭ 3,100 (+1035.53%)
Mutual labels:  jupyter-notebook
Diou Darknet
Distance-IoU Loss into YOLO v3
Stars: ✭ 275 (+0.73%)
Mutual labels:  jupyter-notebook
Altair Tutorial
Notebooks for the Altair tutorial
Stars: ✭ 273 (+0%)
Mutual labels:  jupyter-notebook
Deep Learning
No description, website, or topics provided.
Stars: ✭ 3,058 (+1020.15%)
Mutual labels:  jupyter-notebook
Pytorch Kaggle Starter
Pytorch starter kit for Kaggle competitions
Stars: ✭ 268 (-1.83%)
Mutual labels:  jupyter-notebook
Enigma Simulator
An educational demonstration of breaking the Enigma machine
Stars: ✭ 273 (+0%)
Mutual labels:  jupyter-notebook
Graph nn
Graph Classification with Graph Convolutional Networks in PyTorch (NeurIPS 2018 Workshop)
Stars: ✭ 268 (-1.83%)
Mutual labels:  jupyter-notebook
1-60 of 6394 similar projects