All Projects → Coursera Deep Learning Deeplearning.ai → Similar Projects or Alternatives

5998 Open source projects that are alternatives of or similar to Coursera Deep Learning Deeplearning.ai

Graphic Detail Data
Data and code behind the Economist's Graphic Detail section.
Stars: ✭ 328 (-4.65%)
Mutual labels:  jupyter-notebook
Covid19 Forecast Hub
Projections of COVID-19, in standardized format
Stars: ✭ 342 (-0.58%)
Mutual labels:  jupyter-notebook
Kale
Kubeflow’s superfood for Data Scientists
Stars: ✭ 324 (-5.81%)
Mutual labels:  jupyter-notebook
Ner Bert
BERT-NER (nert-bert) with google bert https://github.com/google-research.
Stars: ✭ 339 (-1.45%)
Mutual labels:  jupyter-notebook
Notebooks
Google Cloud Datalab samples and documentation
Stars: ✭ 328 (-4.65%)
Mutual labels:  jupyter-notebook
Global Flow Local Attention
The source code for paper "Deep Image Spatial Transformation for Person Image Generation"
Stars: ✭ 345 (+0.29%)
Mutual labels:  jupyter-notebook
Azurepublicdataset
Microsoft Azure Traces
Stars: ✭ 327 (-4.94%)
Mutual labels:  jupyter-notebook
Mml Book
Code / solutions for Mathematics for Machine Learning (MML Book)
Stars: ✭ 333 (-3.2%)
Mutual labels:  jupyter-notebook
Whylogs
Profile and monitor your ML data pipeline end-to-end
Stars: ✭ 328 (-4.65%)
Mutual labels:  jupyter-notebook
Distiller
Neural Network Distiller by Intel AI Lab: a Python package for neural network compression research. https://intellabs.github.io/distiller
Stars: ✭ 3,760 (+993.02%)
Mutual labels:  jupyter-notebook
Homemade Machine Learning
🤖 Python examples of popular machine learning algorithms with interactive Jupyter demos and math being explained
Stars: ✭ 18,594 (+5305.23%)
Mutual labels:  jupyter-notebook
Credit Card Fraud Detection Using Autoencoders In Keras
iPython notebook and pre-trained model that shows how to build deep Autoencoder in Keras for Anomaly Detection in credit card transactions data
Stars: ✭ 337 (-2.03%)
Mutual labels:  jupyter-notebook
Pylightgbm
Python binding for Microsoft LightGBM
Stars: ✭ 328 (-4.65%)
Mutual labels:  jupyter-notebook
Intro to ml lecture note
Stars: ✭ 345 (+0.29%)
Mutual labels:  jupyter-notebook
Cc150
《程序员面试金典》(cc150)
Stars: ✭ 326 (-5.23%)
Mutual labels:  jupyter-notebook
Machine learning basics
Plain python implementations of basic machine learning algorithms
Stars: ✭ 3,557 (+934.01%)
Mutual labels:  jupyter-notebook
Dota Doai
This repo is the codebase for our team to participate in DOTA related competitions, including rotation and horizontal detection.
Stars: ✭ 326 (-5.23%)
Mutual labels:  jupyter-notebook
Cs231n Camp
cs231n training camp
Stars: ✭ 342 (-0.58%)
Mutual labels:  jupyter-notebook
Observations
Stars: ✭ 325 (-5.52%)
Mutual labels:  jupyter-notebook
Deepdraw
Notebook example of how to generate class visualizations with Caffe
Stars: ✭ 333 (-3.2%)
Mutual labels:  jupyter-notebook
Jupyter Edu Book
Teaching and Learning with Jupyter
Stars: ✭ 325 (-5.52%)
Mutual labels:  jupyter-notebook
Pineapple
Stars: ✭ 344 (+0%)
Mutual labels:  jupyter-notebook
Youtube Code Repository
Repository for most of the code from my YouTube channel
Stars: ✭ 317 (-7.85%)
Mutual labels:  jupyter-notebook
Beeva Best Practices
Best Practices and Style Guides in BEEVA
Stars: ✭ 335 (-2.62%)
Mutual labels:  jupyter-notebook
Node
Neural Oblivious Decision Ensembles for Deep Learning on Tabular Data
Stars: ✭ 323 (-6.1%)
Mutual labels:  jupyter-notebook
Medmnist
[ISBI'21] MedMNIST Classification Decathlon: A Lightweight AutoML Benchmark for Medical Image Analysis
Stars: ✭ 338 (-1.74%)
Mutual labels:  jupyter-notebook
Autocrop
😌 Automatically detects and crops faces from batches of pictures.
Stars: ✭ 320 (-6.98%)
Mutual labels:  jupyter-notebook
Neural Ode
Jupyter notebook with Pytorch implementation of Neural Ordinary Differential Equations
Stars: ✭ 335 (-2.62%)
Mutual labels:  jupyter-notebook
Your First Machine Learning Project End To End In Python
这是一个完整的,端到端的机器学习项目,非常适合有一定基础后拿来练习,以提高对完整机器学习项目的认识
Stars: ✭ 323 (-6.1%)
Mutual labels:  jupyter-notebook
Deeppurpose
A Deep Learning Toolkit for DTI, Drug Property, PPI, DDI, Protein Function Prediction (Bioinformatics)
Stars: ✭ 342 (-0.58%)
Mutual labels:  jupyter-notebook
Machine Learning For Trading
Code for Machine Learning for Algorithmic Trading, 2nd edition.
Stars: ✭ 4,979 (+1347.38%)
Mutual labels:  jupyter-notebook
Transformer Explainability
[CVPR 2021] Official PyTorch implementation for Transformer Interpretability Beyond Attention Visualization, a novel method to visualize classifications by Transformer based networks.
Stars: ✭ 309 (-10.17%)
Mutual labels:  jupyter-notebook
Autoeq
Automatic headphone equalization from frequency responses
Stars: ✭ 5,989 (+1640.99%)
Mutual labels:  jupyter-notebook
Adanet
Fast and flexible AutoML with learning guarantees.
Stars: ✭ 3,340 (+870.93%)
Mutual labels:  jupyter-notebook
Dsprites Dataset
Dataset to assess the disentanglement properties of unsupervised learning methods
Stars: ✭ 340 (-1.16%)
Mutual labels:  jupyter-notebook
Tensorly Notebooks
Tensor methods in Python with TensorLy
Stars: ✭ 332 (-3.49%)
Mutual labels:  jupyter-notebook
Probability
Probabilistic reasoning and statistical analysis in TensorFlow
Stars: ✭ 3,550 (+931.98%)
Mutual labels:  jupyter-notebook
Cs329s Ml Deployment Tutorial
Code and files to go along with CS329s machine learning model deployment tutorial.
Stars: ✭ 314 (-8.72%)
Mutual labels:  jupyter-notebook
Supervisely
AI for everyone! 🎉 Neural networks, tools and a library we use in Supervisely
Stars: ✭ 332 (-3.49%)
Mutual labels:  jupyter-notebook
Jupyter Themer
Apply custom CSS styling to your jupyter notebooks
Stars: ✭ 322 (-6.4%)
Mutual labels:  jupyter-notebook
Carnd Traffic Sign Classifier Project
Classify Traffic Signs.
Stars: ✭ 323 (-6.1%)
Mutual labels:  jupyter-notebook
Gumbel Softmax
categorical variational autoencoder using the Gumbel-Softmax estimator
Stars: ✭ 343 (-0.29%)
Mutual labels:  jupyter-notebook
Numpy neural network
仅使用numpy从头开始实现神经网络,包括反向传播公式推导过程; numpy构建全连接层、卷积层、池化层、Flatten层;以及图像分类案例及精调网络案例等,持续更新中... ...
Stars: ✭ 339 (-1.45%)
Mutual labels:  jupyter-notebook
Ccf2016 sougou
ccf2016 sougou final winner solution
Stars: ✭ 333 (-3.2%)
Mutual labels:  jupyter-notebook
Joypy
Joyplots in Python with matplotlib & pandas 📈
Stars: ✭ 322 (-6.4%)
Mutual labels:  jupyter-notebook
Ml prep
Machine Learning interview prep guide
Stars: ✭ 298 (-13.37%)
Mutual labels:  jupyter-notebook
Gtc2017 Numba
Numba tutorial for GTC 2017 conference
Stars: ✭ 334 (-2.91%)
Mutual labels:  jupyter-notebook
Notebooks Contrib
RAPIDS Community Notebooks
Stars: ✭ 321 (-6.69%)
Mutual labels:  jupyter-notebook
Julia Dataframes Tutorial
A tutorial on Julia DataFrames package
Stars: ✭ 318 (-7.56%)
Mutual labels:  jupyter-notebook
Python Topic Model
Implementation of various topic models
Stars: ✭ 339 (-1.45%)
Mutual labels:  jupyter-notebook
Amazon Sagemaker Workshop
Amazon SageMaker workshops: Introduction, TensorFlow in SageMaker, and more
Stars: ✭ 332 (-3.49%)
Mutual labels:  jupyter-notebook
Bokeh Python Visualization
A Bokeh project developed for learning and teaching Bokeh interactive plotting!
Stars: ✭ 321 (-6.69%)
Mutual labels:  jupyter-notebook
Sars tutorial
Repository for the tutorial on Sequence-Aware Recommender Systems held at TheWebConf 2019 and ACM RecSys 2018
Stars: ✭ 320 (-6.98%)
Mutual labels:  jupyter-notebook
Music Synthesizer For Android
Automatically exported from code.google.com/p/music-synthesizer-for-android
Stars: ✭ 332 (-3.49%)
Mutual labels:  jupyter-notebook
Recurrent Neural Networks
Learning about and doing projects with recurrent neural networks
Stars: ✭ 320 (-6.98%)
Mutual labels:  jupyter-notebook
Standalone Deeplearning
2019 KAIST 딥러닝 홀로서기 세미나용 저장소입니다.
Stars: ✭ 318 (-7.56%)
Mutual labels:  jupyter-notebook
Machine Learning Web Apps
Building and Embedding Machine Learning Model into a Web App(With Flask,Streamlit,etc)
Stars: ✭ 342 (-0.58%)
Mutual labels:  jupyter-notebook
Tusimple Benchmark
Download Datasets and Ground Truths: https://github.com/TuSimple/tusimple-benchmark/issues/3
Stars: ✭ 340 (-1.16%)
Mutual labels:  jupyter-notebook
Artistic Style Transfer
Convolutional neural networks for artistic style transfer.
Stars: ✭ 341 (-0.87%)
Mutual labels:  jupyter-notebook
Tts
🤖 💬 Deep learning for Text to Speech (Discussion forum: https://discourse.mozilla.org/c/tts)
Stars: ✭ 5,427 (+1477.62%)
Mutual labels:  jupyter-notebook
61-120 of 5998 similar projects