All Projects → Robbert → Similar Projects or Alternatives

6066 Open source projects that are alternatives of or similar to Robbert

Bert Sklearn
a sklearn wrapper for Google's BERT model
Stars: ✭ 182 (+51.67%)
Mutual labels:  jupyter-notebook, language-model
Sentiment analysis fine grain
Multi-label Classification with BERT; Fine Grained Sentiment Analysis from AI challenger
Stars: ✭ 546 (+355%)
Mutual labels:  jupyter-notebook, language-model
Kobert
Korean BERT pre-trained cased (KoBERT)
Stars: ✭ 591 (+392.5%)
Mutual labels:  jupyter-notebook, language-model
Vietnamese Electra
Electra pre-trained model using Vietnamese corpus
Stars: ✭ 55 (-54.17%)
Mutual labels:  jupyter-notebook, language-model
Azureml Bert
End-to-End recipes for pre-training and fine-tuning BERT using Azure Machine Learning Service
Stars: ✭ 342 (+185%)
Mutual labels:  jupyter-notebook, language-model
Gpt2 French
GPT-2 French demo | Démo française de GPT-2
Stars: ✭ 47 (-60.83%)
Mutual labels:  jupyter-notebook, language-model
Indonesian Language Models
Indonesian Language Models and its Usage
Stars: ✭ 64 (-46.67%)
Mutual labels:  jupyter-notebook, language-model
Statistical Learning Method
《统计学习方法》笔记-基于Python算法实现
Stars: ✭ 1,643 (+1269.17%)
Mutual labels:  jupyter-notebook
Kaggle challenge
This is the code for "Kaggle Challenge LIVE" By Siraj Raval on Youtube
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Bitcoin Price Prediction Using Sentiment Analysis
Predicts real-time bitcoin price using twitter and reddit sentiment, and sends out notifications via SMS.
Stars: ✭ 118 (-1.67%)
Mutual labels:  jupyter-notebook
Adaptiveneuraltrees
Adaptive Neural Trees
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Haystack
🔍 Haystack is an open source NLP framework that leverages Transformer models. It enables developers to implement production-ready neural search, question answering, semantic document search and summarization for a wide range of applications.
Stars: ✭ 3,409 (+2740.83%)
Mutual labels:  language-model
Adversarial examples
对抗样本
Stars: ✭ 118 (-1.67%)
Mutual labels:  jupyter-notebook
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 (-1.67%)
Mutual labels:  jupyter-notebook
Label smoothing
Corrupted labels and label smoothing
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Teach Me Quantum
⚛ 10 week Practical Course on Quantum Information Science and Quantum Computing - with Qiskit and IBMQX
Stars: ✭ 118 (-1.67%)
Mutual labels:  jupyter-notebook
Automunge
Artificial Learning, Intelligent Machines
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Emobank
This repository contains EmoBank, a large-scale text corpus manually annotated with emotion according to the psychological Valence-Arousal-Dominance scheme.
Stars: ✭ 118 (-1.67%)
Mutual labels:  jupyter-notebook
Neural Painters Pytorch
PyTorch library for "Neural Painters: A learned differentiable constraint for generating brushstroke paintings"
Stars: ✭ 118 (-1.67%)
Mutual labels:  jupyter-notebook
Defaultcreds Cheat Sheet
One place for all the default credentials to assist the Blue/Red teamers activities on finding devices with default password 🛡️
Stars: ✭ 1,949 (+1524.17%)
Mutual labels:  jupyter-notebook
Texture Synthesis Nonparametric Sampling
Implementation of "Texture Synthesis with Non-Parametric Sampling" paper by Alexei A. Efros and Thomas K. Leung
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Fusion360gallerydataset
Data, tools, and documentation of the Fusion 360 Gallery Dataset
Stars: ✭ 118 (-1.67%)
Mutual labels:  jupyter-notebook
Machinelearninginjulia2020
Resources for a 3.5 hour workshop on machine learning using the MLJ toolbox
Stars: ✭ 118 (-1.67%)
Mutual labels:  jupyter-notebook
Nestedtensor
[Prototype] Tools for the concurrent manipulation of variably sized Tensors.
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Julia 100 Exercises
julia version of 100 numpy exercises
Stars: ✭ 117 (-2.5%)
Mutual labels:  jupyter-notebook
Analyzing neural time series
python implementations of Analyzing Neural Time Series Textbook
Stars: ✭ 117 (-2.5%)
Mutual labels:  jupyter-notebook
Planet Amazon Deforestation
The open source repository for the Kaggle Amazon forest devastation competition https://www.kaggle.com/c/planet-understanding-the-amazon-from-space
Stars: ✭ 118 (-1.67%)
Mutual labels:  jupyter-notebook
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 (-0.83%)
Mutual labels:  jupyter-notebook
Qiskit Tutorials
A collection of Jupyter notebooks showing how to use the Qiskit SDK
Stars: ✭ 1,777 (+1380.83%)
Mutual labels:  jupyter-notebook
Code Challenges
Built for //BUILD 2017; this repo contains 15 minutes code challenges across data platform and analytics. Inclusive of; SQL Server on Linux, Azure SQL Database, Azure DocumentDB, Azure Search, HDInsight, MySQL as a Service, PostgreSQL as a Service, Bot Framework, Python Tools for Visual Studio, R Tools for Visual Studio. Get challenged, learn new stuff, fork the repo, contribute to the repo, and get a sneak peak the exciting world of Microsoft products and services.
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Pytextrank
Python implementation of TextRank for phrase extraction and summarization of text documents
Stars: ✭ 1,675 (+1295.83%)
Mutual labels:  jupyter-notebook
Bayes By Backprop
PyTorch implementation of "Weight Uncertainty in Neural Networks"
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Vae Tensorflow
A Tensorflow implementation of a Variational Autoencoder for the deep learning course at the University of Southern California (USC).
Stars: ✭ 117 (-2.5%)
Mutual labels:  jupyter-notebook
Ml Dl Scripts
The repository provides usefull python scripts for ML and data analysis
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Pandas
pandas cheetsheet
Stars: ✭ 118 (-1.67%)
Mutual labels:  jupyter-notebook
Abstractive Text Summarization
PyTorch implementation/experiments on Abstractive Text Summarization using Sequence-to-sequence RNNs and Beyond paper.
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Amazonsagemakercourse
SageMaker Course Material
Stars: ✭ 118 (-1.67%)
Mutual labels:  jupyter-notebook
Topic Model Tutorial
Tutorial on topic models in Python with scikit-learn
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Vcn
Volumetric Correspondence Networks for Optical Flow, NeurIPS 2019.
Stars: ✭ 118 (-1.67%)
Mutual labels:  jupyter-notebook
Pydatadc 2018 Tidy
PyData 2018 tutorial for tidying data
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Reinvent2019 Aim362 Sagemaker Debugger Model Monitor
Build, train & debug, and deploy & monitor with Amazon SageMaker
Stars: ✭ 118 (-1.67%)
Mutual labels:  jupyter-notebook
Essential Sqlalchemy 2e
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Synapse
Samples for Azure Synapse Analytics
Stars: ✭ 115 (-4.17%)
Mutual labels:  jupyter-notebook
Chromagan
Official Implementation of ChromaGAN: An Adversarial Approach for Picture Colorization
Stars: ✭ 117 (-2.5%)
Mutual labels:  jupyter-notebook
Pygame
Games that i did using pygame library
Stars: ✭ 118 (-1.67%)
Mutual labels:  jupyter-notebook
Mnet deepcdr
Code for TMI 2018 "Joint Optic Disc and Cup Segmentation Based on Multi-label Deep Network and Polar Transformation"
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Ipython Tikzmagic
IPython magics for generating figures with TikZ
Stars: ✭ 117 (-2.5%)
Mutual labels:  jupyter-notebook
Deeplearning With Tensorflow Notes
龙曲良《TensorFlow深度学习》学习笔记及代码,采用TensorFlow2.0.0版本
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
How To Use Tensorflow For Time Series Live
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Wiki Detox
See https://meta.wikimedia.org/wiki/Research:Modeling_Talk_Page_Abuse
Stars: ✭ 117 (-2.5%)
Mutual labels:  jupyter-notebook
2018 19 Classes
https://cc-mnnit.github.io/2018-19-Classes/ - 🎒 💻 Material for Computer Club Classes
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Ds salary proj
Repo for the data science salary prediction of the Data Science Project From Scratch video on my youtube
Stars: ✭ 116 (-3.33%)
Mutual labels:  jupyter-notebook
The Building Data Genome Project
A collection of non-residential buildings for performance analysis and algorithm benchmarking
Stars: ✭ 117 (-2.5%)
Mutual labels:  jupyter-notebook
Python Machine Learning Zh
Python机器学习,机器学习入门首选。
Stars: ✭ 117 (-2.5%)
Mutual labels:  jupyter-notebook
Midi Dataset
Code for creating a dataset of MIDI ground truth
Stars: ✭ 118 (-1.67%)
Mutual labels:  jupyter-notebook
Python Mathematics Handbook
A set of notebooks for an introduction to Python for Mathematicians.
Stars: ✭ 117 (-2.5%)
Mutual labels:  jupyter-notebook
Ml Fraud Detection
Credit card fraud detection through logistic regression, k-means, and deep learning.
Stars: ✭ 117 (-2.5%)
Mutual labels:  jupyter-notebook
Trimap generator
Generating automatic trimap through pixel dilation and strongly-connected-component algorithms
Stars: ✭ 119 (-0.83%)
Mutual labels:  jupyter-notebook
Senato.py
A scraper for the data made available by the Italian Senate, and a cluster analysis to detect similar amendments.
Stars: ✭ 118 (-1.67%)
Mutual labels:  jupyter-notebook
Dstl unet
Dstl Satellite Imagery Feature Detection
Stars: ✭ 117 (-2.5%)
Mutual labels:  jupyter-notebook
1-60 of 6066 similar projects