All Projects → Testbook → Similar Projects or Alternatives

6400 Open source projects that are alternatives of or similar to Testbook

Trimap generator
Generating automatic trimap through pixel dilation and strongly-connected-component algorithms
Stars: ✭ 119 (-18.49%)
Mutual labels:  jupyter-notebook
Imageprocessing
MicaSense RedEdge and Altum image processing tutorials
Stars: ✭ 139 (-4.79%)
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 (-18.49%)
Mutual labels:  jupyter-notebook
Yolo Powered robot vision
Stars: ✭ 133 (-8.9%)
Mutual labels:  jupyter-notebook
Bayes By Backprop
PyTorch implementation of "Weight Uncertainty in Neural Networks"
Stars: ✭ 119 (-18.49%)
Mutual labels:  jupyter-notebook
Part2
Stars: ✭ 143 (-2.05%)
Mutual labels:  jupyter-notebook
Stryker4s
Mutation testing for Scala. Work in progress...
Stars: ✭ 118 (-19.18%)
Mutual labels:  unit-testing
Mathstatscode
Codes for my mathematical statistics course
Stars: ✭ 133 (-8.9%)
Mutual labels:  jupyter-notebook
Abstractive Text Summarization
PyTorch implementation/experiments on Abstractive Text Summarization using Sequence-to-sequence RNNs and Beyond paper.
Stars: ✭ 119 (-18.49%)
Mutual labels:  jupyter-notebook
Recotour
A tour through recommendation algorithms in python [IN PROGRESS]
Stars: ✭ 140 (-4.11%)
Mutual labels:  jupyter-notebook
Pydatadc 2018 Tidy
PyData 2018 tutorial for tidying data
Stars: ✭ 119 (-18.49%)
Mutual labels:  jupyter-notebook
Saxpy
Symbolic Aggregate approXimation, HOT-SAX, and SAX-VSM implementation in Python
Stars: ✭ 133 (-8.9%)
Mutual labels:  jupyter-notebook
Chromagan
Official Implementation of ChromaGAN: An Adversarial Approach for Picture Colorization
Stars: ✭ 117 (-19.86%)
Mutual labels:  jupyter-notebook
Scipy con 2019
Tutorial Sessions for SciPy Con 2019
Stars: ✭ 142 (-2.74%)
Mutual labels:  jupyter-notebook
Deeplearning With Tensorflow Notes
龙曲良《TensorFlow深度学习》学习笔记及代码,采用TensorFlow2.0.0版本
Stars: ✭ 119 (-18.49%)
Mutual labels:  jupyter-notebook
Repo 2019
BERT, AWS RDS, AWS Forecast, EMR Spark Cluster, Hive, Serverless, Google Assistant + Raspberry Pi, Infrared, Google Cloud Platform Natural Language, Anomaly detection, Tensorflow, Mathematics
Stars: ✭ 133 (-8.9%)
Mutual labels:  jupyter-notebook
Midi Dataset
Code for creating a dataset of MIDI ground truth
Stars: ✭ 118 (-19.18%)
Mutual labels:  jupyter-notebook
Rootfinder
Arabic root finder with neural nets!
Stars: ✭ 140 (-4.11%)
Mutual labels:  jupyter-notebook
Tensorflow shiny
A R/Shiny app for interactive RNN tensorflow models
Stars: ✭ 118 (-19.18%)
Mutual labels:  jupyter-notebook
One Network Many Uses
Four-in-one deep network: image search, image captioning, similar words and similar images using a single model
Stars: ✭ 133 (-8.9%)
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 (-19.18%)
Mutual labels:  jupyter-notebook
Kotlinmvparchitecture
Clean MVP Architecture with Dagger2 + Retrofit2 + Mockito + Fresco + EasiestGenericRecyclerAdapter using Kotlin. Added Unit Tests(Kotlin Tests)!
Stars: ✭ 143 (-2.05%)
Mutual labels:  unit-testing
Statistical Learning Method
《统计学习方法》笔记-基于Python算法实现
Stars: ✭ 1,643 (+1025.34%)
Mutual labels:  jupyter-notebook
Ghost Free Shadow Removal
[AAAI 2020] Towards Ghost-free Shadow Removal via Dual Hierarchical Aggregation Network and Shadow Matting GAN
Stars: ✭ 133 (-8.9%)
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 (-19.18%)
Mutual labels:  jupyter-notebook
Dnp
Audio Denoising with Deep Network Priors
Stars: ✭ 140 (-4.11%)
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 (-19.18%)
Mutual labels:  jupyter-notebook
Algobook
A beginner-friendly project to help you in open-source contributions. Data Structures & Algorithms in various programming languages Please leave a star ⭐ to support this project! ✨
Stars: ✭ 132 (-9.59%)
Mutual labels:  jupyter-notebook
Teach Me Quantum
⚛ 10 week Practical Course on Quantum Information Science and Quantum Computing - with Qiskit and IBMQX
Stars: ✭ 118 (-19.18%)
Mutual labels:  jupyter-notebook
Chess Alpha Zero
Chess reinforcement learning by AlphaGo Zero methods.
Stars: ✭ 1,868 (+1179.45%)
Mutual labels:  jupyter-notebook
Adaptiveneuraltrees
Adaptive Neural Trees
Stars: ✭ 119 (-18.49%)
Mutual labels:  jupyter-notebook
Keras Mnist Tutorial
For a mini tutorial at U of T, a tutorial on MNIST classification in Keras.
Stars: ✭ 132 (-9.59%)
Mutual labels:  jupyter-notebook
Neural Painters Pytorch
PyTorch library for "Neural Painters: A learned differentiable constraint for generating brushstroke paintings"
Stars: ✭ 118 (-19.18%)
Mutual labels:  jupyter-notebook
Voc2coco
How to create custom COCO data set for object detection
Stars: ✭ 140 (-4.11%)
Mutual labels:  jupyter-notebook
Fusion360gallerydataset
Data, tools, and documentation of the Fusion 360 Gallery Dataset
Stars: ✭ 118 (-19.18%)
Mutual labels:  jupyter-notebook
Privateml
Various material around private machine learning, some associated with blog
Stars: ✭ 132 (-9.59%)
Mutual labels:  jupyter-notebook
Machinelearninginjulia2020
Resources for a 3.5 hour workshop on machine learning using the MLJ toolbox
Stars: ✭ 118 (-19.18%)
Mutual labels:  jupyter-notebook
Dlfs code
Code for the book Deep Learning From Scratch, from O'Reilly September 2019
Stars: ✭ 142 (-2.74%)
Mutual labels:  jupyter-notebook
Rdfunit
An RDF Unit Testing Suite
Stars: ✭ 117 (-19.86%)
Mutual labels:  unit-testing
React Shopping Cart
🛍️ Simple ecommerce cart application built with React Redux
Stars: ✭ 1,808 (+1138.36%)
Mutual labels:  unit-testing
Ipython Tikzmagic
IPython magics for generating figures with TikZ
Stars: ✭ 117 (-19.86%)
Mutual labels:  jupyter-notebook
Nbconvert Examples
Examples that illustrate how nbconvert can be used
Stars: ✭ 139 (-4.79%)
Mutual labels:  jupyter-notebook
Wiki Detox
See https://meta.wikimedia.org/wiki/Research:Modeling_Talk_Page_Abuse
Stars: ✭ 117 (-19.86%)
Mutual labels:  jupyter-notebook
Pytest Check
A pytest plugin that allows multiple failures per test.
Stars: ✭ 131 (-10.27%)
Mutual labels:  pytest
Python Machine Learning Zh
Python机器学习,机器学习入门首选。
Stars: ✭ 117 (-19.86%)
Mutual labels:  jupyter-notebook
Mlmodels
mlmodels : Machine Learning and Deep Learning Model ZOO for Pytorch, Tensorflow, Keras, Gluon models...
Stars: ✭ 145 (-0.68%)
Mutual labels:  jupyter-notebook
Ml Fraud Detection
Credit card fraud detection through logistic regression, k-means, and deep learning.
Stars: ✭ 117 (-19.86%)
Mutual labels:  jupyter-notebook
Rwet
Notebooks and other materials for Reading and Writing Electronic Text
Stars: ✭ 132 (-9.59%)
Mutual labels:  jupyter-notebook
Hyperopt Doc Zh
Github开源项目hyperopt系列的中文文档,以及学习教程等
Stars: ✭ 117 (-19.86%)
Mutual labels:  jupyter-notebook
Ssd Plate detection
SSD-based plate detection
Stars: ✭ 123 (-15.75%)
Mutual labels:  jupyter-notebook
Google refexp toolbox
The toolbox for the Google Refexp dataset proposed in this paper: http://arxiv.org/abs/1511.02283
Stars: ✭ 135 (-7.53%)
Mutual labels:  jupyter-notebook
Triage
General Purpose Risk Modeling and Prediction Toolkit for Policy and Social Good Problems
Stars: ✭ 122 (-16.44%)
Mutual labels:  jupyter-notebook
Carnd
Stars: ✭ 123 (-15.75%)
Mutual labels:  jupyter-notebook
Security Api Solutions
Microsoft Graph Security API applications and services.
Stars: ✭ 132 (-9.59%)
Mutual labels:  jupyter-notebook
Supersafebank
Sample Event Sourcing implementation with .NET Core
Stars: ✭ 142 (-2.74%)
Mutual labels:  unit-testing
Deepschool.io
Deep Learning tutorials in jupyter notebooks.
Stars: ✭ 1,780 (+1119.18%)
Mutual labels:  jupyter-notebook
Segaware
Segmentation-Aware Convolutional Networks Using Local Attention Masks
Stars: ✭ 146 (+0%)
Mutual labels:  jupyter-notebook
Chinesetextclassifier
中文商品评论短文本分类器,可用于情感分析
Stars: ✭ 146 (+0%)
Mutual labels:  jupyter-notebook
Recurrent neural network
This is the code for "Recurrent Neural Networks - The Math of Intelligence (Week 5)" By Siraj Raval on Youtube
Stars: ✭ 145 (-0.68%)
Mutual labels:  jupyter-notebook
Pubtabnet
Stars: ✭ 143 (-2.05%)
Mutual labels:  jupyter-notebook
601-660 of 6400 similar projects