All Projects → Deberta → Similar Projects or Alternatives

788 Open source projects that are alternatives of or similar to Deberta

COCO-LM
[NeurIPS 2021] COCO-LM: Correcting and Contrasting Text Sequences for Language Model Pretraining
Stars: ✭ 109 (-79.85%)
Attention Mechanisms
Implementations for a family of attention mechanisms, suitable for all kinds of natural language processing tasks and compatible with TensorFlow 2.0 and Keras.
Stars: ✭ 203 (-62.48%)
Transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
Stars: ✭ 55,742 (+10203.51%)
Chars2vec
Character-based word embeddings model based on RNN for handling real world texts
Stars: ✭ 130 (-75.97%)
Paddlehelix
Bio-Computing Platform featuring Large-Scale Representation Learning and Multi-Task Deep Learning “螺旋桨”生物计算工具集
Stars: ✭ 213 (-60.63%)
PLBART
Official code of our work, Unified Pre-training for Program Understanding and Generation [NAACL 2021].
Stars: ✭ 151 (-72.09%)
Electra pytorch
Pretrain and finetune ELECTRA with fastai and huggingface. (Results of the paper replicated !)
Stars: ✭ 149 (-72.46%)
Mutual labels:  deeplearning, language-model
Tokenizers
💥 Fast State-of-the-Art Tokenizers optimized for Research and Production
Stars: ✭ 5,077 (+838.45%)
Coursera Natural Language Processing Specialization
Programming assignments from all courses in the Coursera Natural Language Processing Specialization offered by deeplearning.ai.
Stars: ✭ 39 (-92.79%)
Nlp Paper
NLP Paper
Stars: ✭ 484 (-10.54%)
Mutual labels:  deeplearning, language-model
Python Tutorial Notebooks
Python tutorials as Jupyter Notebooks for NLP, ML, AI
Stars: ✭ 52 (-90.39%)
Ludwig
Data-centric declarative deep learning framework
Stars: ✭ 8,018 (+1382.07%)
Spago
Self-contained Machine Learning and Natural Language Processing library in Go
Stars: ✭ 854 (+57.86%)
Mutual labels:  deeplearning, language-model
Transfer Nlp
NLP library designed for reproducible experimentation management
Stars: ✭ 287 (-46.95%)
Spacy Transformers
🛸 Use pretrained transformers like BERT, XLNet and GPT-2 in spaCy
Stars: ✭ 919 (+69.87%)
Sert
Semantic Entity Retrieval Toolkit
Stars: ✭ 100 (-81.52%)
query completion
Personalized Query Completion
Stars: ✭ 24 (-95.56%)
Mutual labels:  deeplearning, language-model
Easy Bert
A Dead Simple BERT API for Python and Java (https://github.com/google-research/bert)
Stars: ✭ 106 (-80.41%)
Bidaf Keras
Bidirectional Attention Flow for Machine Comprehension implemented in Keras 2
Stars: ✭ 60 (-88.91%)
Usss iccv19
Code for Universal Semi-Supervised Semantic Segmentation models paper accepted in ICCV 2019
Stars: ✭ 57 (-89.46%)
CodeT5
Code for CodeT5: a new code-aware pre-trained encoder-decoder model.
Stars: ✭ 390 (-27.91%)
Trankit
Trankit is a Light-Weight Transformer-based Python Toolkit for Multilingual Natural Language Processing
Stars: ✭ 311 (-42.51%)
Mutual labels:  deeplearning, language-model
Modelsgenesis
Official Keras & PyTorch Implementation and Pre-trained Models for Models Genesis - MICCAI 2019
Stars: ✭ 416 (-23.11%)
Mutual labels:  representation-learning
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 (-24.03%)
Mutual labels:  deeplearning
Botlibre
An open platform for artificial intelligence, chat bots, virtual agents, social media automation, and live chat automation.
Stars: ✭ 412 (-23.84%)
Rhino
On-device speech-to-intent engine powered by deep learning
Stars: ✭ 406 (-24.95%)
Awesome Vaes
A curated list of awesome work on VAEs, disentanglement, representation learning, and generative models.
Stars: ✭ 418 (-22.74%)
Mutual labels:  representation-learning
Introtodeeplearning
Lab Materials for MIT 6.S191: Introduction to Deep Learning
Stars: ✭ 4,955 (+815.9%)
Mutual labels:  deeplearning
Seqgan
A simplified PyTorch implementation of "SeqGAN: Sequence Generative Adversarial Nets with Policy Gradient." (Yu, Lantao, et al.)
Stars: ✭ 502 (-7.21%)
Openvino Yolov3
YoloV3/tiny-YoloV3+RaspberryPi3/Ubuntu LaptopPC+NCS/NCS2+USB Camera+Python+OpenVINO
Stars: ✭ 500 (-7.58%)
Mutual labels:  deeplearning
Vrn
👨 Code for "Large Pose 3D Face Reconstruction from a Single Image via Direct Volumetric CNN Regression"
Stars: ✭ 4,391 (+711.65%)
Mutual labels:  deeplearning
Graphwaveletneuralnetwork
A PyTorch implementation of "Graph Wavelet Neural Network" (ICLR 2019)
Stars: ✭ 404 (-25.32%)
Mutual labels:  representation-learning
Gorgonia
Gorgonia is a library that helps facilitate machine learning in Go.
Stars: ✭ 4,295 (+693.9%)
Mutual labels:  deeplearning
Liteflownet
LiteFlowNet: A Lightweight Convolutional Neural Network for Optical Flow Estimation, CVPR 2018 (Spotlight paper, 6.6%)
Stars: ✭ 474 (-12.38%)
Mutual labels:  deeplearning
Neural sp
End-to-end ASR/LM implementation with PyTorch
Stars: ✭ 408 (-24.58%)
Mutual labels:  language-model
Bmw Yolov4 Training Automation
This repository allows you to get started with training a state-of-the-art Deep Learning model with little to no configuration needed! You provide your labeled dataset or label your dataset using our BMW-LabelTool-Lite and you can start the training right away and monitor it in many different ways like TensorBoard or a custom REST API and GUI. NoCode training with YOLOv4 and YOLOV3 has never been so easy.
Stars: ✭ 533 (-1.48%)
Mutual labels:  deeplearning
Dl Engineer Guidebook
深度学习工程师生存指南
Stars: ✭ 399 (-26.25%)
Mutual labels:  deeplearning
Additive Margin Softmax
This is the implementation of paper <Additive Margin Softmax for Face Verification>
Stars: ✭ 464 (-14.23%)
Mutual labels:  deeplearning
Disentangling Vae
Experiments for understanding disentanglement in VAE latent representations
Stars: ✭ 398 (-26.43%)
Mutual labels:  representation-learning
Ctcwordbeamsearch
Connectionist Temporal Classification (CTC) decoder with dictionary and language model for TensorFlow.
Stars: ✭ 398 (-26.43%)
Mutual labels:  language-model
Vl Bert
Code for ICLR 2020 paper "VL-BERT: Pre-training of Generic Visual-Linguistic Representations".
Stars: ✭ 493 (-8.87%)
Mutual labels:  representation-learning
Alfred
alfred-py: A deep learning utility library for **human**, more detail about the usage of lib to: https://zhuanlan.zhihu.com/p/341446046
Stars: ✭ 460 (-14.97%)
Mutual labels:  deeplearning
Salient Object Detection
This is tensorflow implementation for cvpr2017 paper "Deeply Supervised Salient Object Detection with Short Connections"
Stars: ✭ 397 (-26.62%)
Mutual labels:  deeplearning
Ml Roadmap
🤖 Roadmap to becoming a Machine Learning developer in 2020
Stars: ✭ 398 (-26.43%)
Mutual labels:  deeplearning
Robotics Rl Srl
S-RL Toolbox: Reinforcement Learning (RL) and State Representation Learning (SRL) for Robotics
Stars: ✭ 453 (-16.27%)
Mutual labels:  representation-learning
Tf Seq2seq
Sequence to sequence learning using TensorFlow.
Stars: ✭ 387 (-28.47%)
Keras Squeezenet
SqueezeNet implementation with Keras Framework
Stars: ✭ 386 (-28.65%)
Mutual labels:  deeplearning
Deeplearning
深度学习入门教程, 优秀文章, Deep Learning Tutorial
Stars: ✭ 6,783 (+1153.79%)
Mutual labels:  deeplearning
Ctcdecoder
Connectionist Temporal Classification (CTC) decoding algorithms: best path, prefix search, beam search and token passing. Implemented in Python.
Stars: ✭ 529 (-2.22%)
Mutual labels:  language-model
Learn Data Science For Free
This repositary is a combination of different resources lying scattered all over the internet. The reason for making such an repositary is to combine all the valuable resources in a sequential manner, so that it helps every beginners who are in a search of free and structured learning resource for Data Science. For Constant Updates Follow me in …
Stars: ✭ 4,757 (+779.3%)
Mutual labels:  deeplearning
Practical Nlp
Official Repository for 'Practical Natural Language Processing' by O'Reilly Media
Stars: ✭ 452 (-16.45%)
Awesome Cybersecurity Datasets
A curated list of amazingly awesome Cybersecurity datasets
Stars: ✭ 380 (-29.76%)
Mutual labels:  deeplearning
Invoice
增值税发票OCR识别,使用flask微服务架构,识别type:增值税电子普通发票,增值税普通发票,增值税专用发票;识别字段为:发票代码、发票号码、开票日期、校验码、税后金额等
Stars: ✭ 381 (-29.57%)
Mutual labels:  deeplearning
Pytorch tutorial
PyTorch Tutorial (1.7)
Stars: ✭ 450 (-16.82%)
Mutual labels:  deeplearning
Zamia Speech
Open tools and data for cloudless automatic speech recognition
Stars: ✭ 374 (-30.87%)
Mutual labels:  language-model
Contrastive Predictive Coding
Keras implementation of Representation Learning with Contrastive Predictive Coding
Stars: ✭ 369 (-31.79%)
Mutual labels:  representation-learning
Androidtensorflowmnistexample
Android TensorFlow MachineLearning MNIST Example (Building Model with TensorFlow for Android)
Stars: ✭ 449 (-17.01%)
Mutual labels:  deeplearning
Tf chatbot seq2seq antilm
Seq2seq chatbot with attention and anti-language model to suppress generic response, option for further improve by deep reinforcement learning.
Stars: ✭ 369 (-31.79%)
Mutual labels:  language-model
Kogpt2
Korean GPT-2 pretrained cased (KoGPT2)
Stars: ✭ 368 (-31.98%)
Mutual labels:  language-model
Monk object detection
A one-stop repository for low-code easily-installable object detection pipelines.
Stars: ✭ 437 (-19.22%)
Mutual labels:  deeplearning
1-60 of 788 similar projects