All Projects → course-content-dl → Similar Projects or Alternatives

408 Open source projects that are alternatives of or similar to course-content-dl

Chinese-Minority-PLM
CINO: Pre-trained Language Models for Chinese Minority (少数民族语言预训练模型)
Stars: ✭ 133 (-75.23%)
Mutual labels:  transformers
modules
The official repository for our paper "Are Neural Nets Modular? Inspecting Functional Modularity Through Differentiable Weight Masks". We develop a method for analyzing emerging functional modularity in neural networks based on differentiable weight masks and use it to point out important issues in current-day neural networks.
Stars: ✭ 25 (-95.34%)
Mutual labels:  transformers
Remembering-for-the-Right-Reasons
Official Implementation of Remembering for the Right Reasons (ICLR 2021)
Stars: ✭ 27 (-94.97%)
Mutual labels:  continual-learning
BLIP
Official Implementation of CVPR2021 paper: Continual Learning via Bit-Level Information Preserving
Stars: ✭ 33 (-93.85%)
Mutual labels:  continual-learning
reproducible-continual-learning
Continual learning baselines and strategies from popular papers, using Avalanche. We include EWC, SI, GEM, AGEM, LwF, iCarl, GDumb, and other strategies.
Stars: ✭ 118 (-78.03%)
Mutual labels:  continual-learning
entity-network
Tensorflow implementation of "Tracking the World State with Recurrent Entity Networks" [https://arxiv.org/abs/1612.03969] by Henaff, Weston, Szlam, Bordes, and LeCun.
Stars: ✭ 58 (-89.2%)
Mutual labels:  recurrent-neural-networks
awesome-huggingface
🤗 A list of wonderful open-source projects & applications integrated with Hugging Face libraries.
Stars: ✭ 436 (-18.81%)
Mutual labels:  transformers
VariationalNeuralAnnealing
A variational implementation of classical and quantum annealing using recurrent neural networks for the purpose of solving optimization problems.
Stars: ✭ 21 (-96.09%)
Mutual labels:  recurrent-neural-networks
X-Transformer
X-Transformer: Taming Pretrained Transformers for eXtreme Multi-label Text Classification
Stars: ✭ 127 (-76.35%)
Mutual labels:  transformers
Ask2Transformers
A Framework for Textual Entailment based Zero Shot text classification
Stars: ✭ 102 (-81.01%)
Mutual labels:  transformers
VREP-RL-bot
Reinforcement Learning in Vrep
Stars: ✭ 14 (-97.39%)
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
Stars: ✭ 28 (-94.79%)
Mutual labels:  recurrent-neural-networks
ginza-transformers
Use custom tokenizers in spacy-transformers
Stars: ✭ 15 (-97.21%)
Mutual labels:  transformers
pytorch-rl
Pytorch Implementation of RL algorithms
Stars: ✭ 15 (-97.21%)
oreilly-bert-nlp
This repository contains code for the O'Reilly Live Online Training for BERT
Stars: ✭ 19 (-96.46%)
Mutual labels:  transformers
deep-learning
Assignmends done for Udacity's Deep Learning MOOC with Vincent Vanhoucke
Stars: ✭ 94 (-82.5%)
Mutual labels:  recurrent-neural-networks
deeprl-continuous-control
Learning Continuous Control in Deep Reinforcement Learning
Stars: ✭ 14 (-97.39%)
handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Stars: ✭ 285 (-46.93%)
Mutual labels:  recurrent-neural-networks
Human-Activity-Recognition
Human activity recognition using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six categories (WALKING, WALKING_UPSTAIRS, WALKING_DOWNSTAIRS, SITTING, STANDING, LAYING).
Stars: ✭ 16 (-97.02%)
Mutual labels:  recurrent-neural-networks
converse
Conversational text Analysis using various NLP techniques
Stars: ✭ 147 (-72.63%)
Mutual labels:  transformers
Transformer-MM-Explainability
[ICCV 2021- Oral] Official PyTorch implementation for Generic Attention-model Explainability for Interpreting Bi-Modal and Encoder-Decoder Transformers, a novel method to visualize any Transformer-based network. Including examples for DETR, VQA.
Stars: ✭ 484 (-9.87%)
Mutual labels:  transformers
deepconsensus
DeepConsensus uses gap-aware sequence transformers to correct errors in Pacific Biosciences (PacBio) Circular Consensus Sequencing (CCS) data.
Stars: ✭ 124 (-76.91%)
Mutual labels:  transformers
uniformer-pytorch
Implementation of Uniformer, a simple attention and 3d convolutional net that achieved SOTA in a number of video classification tasks, debuted in ICLR 2022
Stars: ✭ 90 (-83.24%)
Mutual labels:  transformers
PyTorch-Model-Compare
Compare neural networks by their feature similarity
Stars: ✭ 119 (-77.84%)
Mutual labels:  transformers
ADER
(RecSys 2020) Adaptively Distilled Exemplar Replay towards Continual Learning for Session-based Recommendation [Best Short Paper]
Stars: ✭ 28 (-94.79%)
Mutual labels:  continual-learning
Text-Summarization
Abstractive and Extractive Text summarization using Transformers.
Stars: ✭ 38 (-92.92%)
Mutual labels:  transformers
clip-italian
CLIP (Contrastive Language–Image Pre-training) for Italian
Stars: ✭ 113 (-78.96%)
Mutual labels:  transformers
deepfrog
An NLP-suite powered by deep learning
Stars: ✭ 16 (-97.02%)
Mutual labels:  transformers
Adam-NSCL
PyTorch implementation of our Adam-NSCL algorithm from our CVPR2021 (oral) paper "Training Networks in Null Space for Continual Learning"
Stars: ✭ 34 (-93.67%)
Mutual labels:  continual-learning
Transformers-Tutorials
This repository contains demos I made with the Transformers library by HuggingFace.
Stars: ✭ 2,828 (+426.63%)
Mutual labels:  transformers
FUSION
PyTorch code for NeurIPSW 2020 paper (4th Workshop on Meta-Learning) "Few-Shot Unsupervised Continual Learning through Meta-Examples"
Stars: ✭ 18 (-96.65%)
Mutual labels:  continual-learning
DocSum
A tool to automatically summarize documents abstractively using the BART or PreSumm Machine Learning Model.
Stars: ✭ 58 (-89.2%)
Mutual labels:  transformers
Generative Continual Learning
No description or website provided.
Stars: ✭ 51 (-90.5%)
Mutual labels:  continual-learning
Reservoir
Code for Reservoir computing (Echo state network)
Stars: ✭ 40 (-92.55%)
Mutual labels:  recurrent-neural-networks
rnn benchmarks
RNN benchmarks of pytorch, tensorflow and theano
Stars: ✭ 85 (-84.17%)
Mutual labels:  recurrent-neural-networks
CVPR21 PASS
PyTorch implementation of our CVPR2021 (oral) paper "Prototype Augmentation and Self-Supervision for Incremental Learning"
Stars: ✭ 55 (-89.76%)
Mutual labels:  continual-learning
GTAV-Self-driving-car
Self driving car in GTAV with Deep Learning
Stars: ✭ 15 (-97.21%)
Mutual labels:  recurrent-neural-networks
LSTM-Time-Series-Analysis
Using LSTM network for time series forecasting
Stars: ✭ 41 (-92.36%)
Mutual labels:  recurrent-neural-networks
LSTM-footballMatchWinner
This repository contains the code for a conference paper "Predicting the football match winner using LSTM model of Recurrent Neural Networks" that we wrote
Stars: ✭ 44 (-91.81%)
Mutual labels:  recurrent-neural-networks
GPM
Official Code Repository for "Gradient Projection Memory for Continual Learning"
Stars: ✭ 50 (-90.69%)
Mutual labels:  continual-learning
TransQuest
Transformer based translation quality estimation
Stars: ✭ 85 (-84.17%)
Mutual labels:  transformers
Name-NationalOrigin-Classifier
Using a recurrent neural network in TensorFlow to predict national origin by last name.
Stars: ✭ 30 (-94.41%)
Mutual labels:  recurrent-neural-networks
Fruit-API
A Universal Deep Reinforcement Learning Framework
Stars: ✭ 61 (-88.64%)
DeepSegmentor
Sequence Segmentation using Joint RNN and Structured Prediction Models (ICASSP 2017)
Stars: ✭ 17 (-96.83%)
Mutual labels:  recurrent-neural-networks
Keras-LSTM-Trajectory-Prediction
A Keras multi-input multi-output LSTM-based RNN for object trajectory forecasting
Stars: ✭ 88 (-83.61%)
Mutual labels:  recurrent-neural-networks
keras-ordered-neurons
Ordered Neurons LSTM
Stars: ✭ 29 (-94.6%)
Mutual labels:  recurrent-neural-networks
Deep-Learning-A-Z-Hands-on-Artificial-Neural-Network
Codes and Templates from the SuperDataScience Course
Stars: ✭ 39 (-92.74%)
Mutual labels:  recurrent-neural-networks
CVPR2021 PLOP
Official code of CVPR 2021's PLOP: Learning without Forgetting for Continual Semantic Segmentation
Stars: ✭ 102 (-81.01%)
Mutual labels:  continual-learning
STAM-pytorch
Implementation of STAM (Space Time Attention Model), a pure and simple attention model that reaches SOTA for video classification
Stars: ✭ 109 (-79.7%)
Mutual labels:  transformers
elastic transformers
Making BERT stretchy. Semantic Elasticsearch with Sentence Transformers
Stars: ✭ 153 (-71.51%)
Mutual labels:  transformers
naru
Neural Relation Understanding: neural cardinality estimators for tabular data
Stars: ✭ 76 (-85.85%)
Mutual labels:  transformers
TD3-BipedalWalkerHardcore-v2
Solve BipedalWalkerHardcore-v2 with TD3
Stars: ✭ 41 (-92.36%)
text-classification-transformers
Easy text classification for everyone : Bert based models via Huggingface transformers (KR / EN)
Stars: ✭ 32 (-94.04%)
Mutual labels:  transformers
l2rpn-baselines
L2RPN Baselines a repository to host baselines for l2rpn competitions.
Stars: ✭ 57 (-89.39%)
NeuroAI
NeuroAI-UW seminar, a regular weekly seminar for the UW community, organized by NeuroAI Shlizerman Lab.
Stars: ✭ 36 (-93.3%)
Mutual labels:  recurrent-neural-networks
language-planner
Official Code for "Language Models as Zero-Shot Planners: Extracting Actionable Knowledge for Embodied Agents"
Stars: ✭ 84 (-84.36%)
Mutual labels:  transformers
Sequence-to-Sequence-Learning-of-Financial-Time-Series-in-Algorithmic-Trading
My bachelor's thesis—analyzing the application of LSTM-based RNNs on financial markets. 🤓
Stars: ✭ 64 (-88.08%)
Mutual labels:  recurrent-neural-networks
geometry-free-view-synthesis
Is a geometric model required to synthesize novel views from a single image?
Stars: ✭ 265 (-50.65%)
Mutual labels:  transformers
Deep-Learning-Tensorflow
Gathers Tensorflow deep learning models.
Stars: ✭ 50 (-90.69%)
Mutual labels:  recurrent-neural-networks
61-120 of 408 similar projects