Cheatsheets ai -
AI Cheatsheets Essential Cheat Sheets for deep learning and machine learning engineers Website: https://aicheatsheets.com Looking for a new job? Take Triplebyte’s quiz and get a job at top companies like Adobe, Dropbox and
Deep learning drizzle -
Drench yourself in Deep Learning & Reinforcement Learning by learning from these exciting lectures!!
ML From Scratch - Python
Machine Learning From Scratch About Python implementations of some of the fundamental Machine Learning models and algorithms from scratch. The purpose of this project is not to produce as optimized and computationally
Reinforcement Learning - Jupyter Notebook
Learn Deep Reinforcement Learning in depth in 60 days
Hands on transfer learning with python - Jupyter Notebook
Hands-On Transfer Learning with Python Implement advanced deep learning and neural network models using Tensorflow and Keras With the world moving towards digitalization and automation, as a technologist/programmer it
Domainext - Python
Introduction DomainExt is an open-source pytorch toolbox for domain adaptation, domain generalization, federated learning da/dg, active learning da/dg
Amazon dsstne - C++
Amazon DSSTNE: Deep Scalable Sparse Tensor Network Engine DSSTNE (pronounced "Destiny") is an open source software library for training and deploying recommendation models with sparse inputs, fully connected hidden layers, and sp
Tensorlayer - Python
TensorLayer is a novel TensorFlow-based deep learning and reinforcement learning library designed for researchers and engineers. It provides an extensive collection of customizable neural layers to build advanced AI mo
Async rl - Python
Asyncronous RL in Tensorflow + Keras + OpenAI's Gym This is a Tensorflow + Keras implementation of asyncronous 1-step Q learning as described in "Asynchronous Methods for Deep Reinforcement Learning". Since we're using multipl
Onyx - Java
onyx Onyx is a library for android that can be used by developers to understand what type of content they are enabling inside their apps. An example can be to limit adult content in apps specifically made for children. Thro
DeepLearningFlappyBird - Python
Using Deep Q-Network to Learn How To Play Flappy Bird 7 mins version: DQN for flappy bird Overview This project follows the description of the Deep Q Learning algorithm described in Playing Atari with Deep Reinforce
FlappyLearning - JavaScript
Flappy Learning (Demo) Program that learns to play Flappy Bird by machine learning (Neuroevolution) NeuroEvolution.js : Utilization // Initialize var ne = new Neuroevolution({options}); //Default options values v
TensorFlow ML Exercises - Python
Learning Machine Learning with TensorFlow 모두를 위한 머신러닝/딥러닝 강의 실습 코드 (김성훈 교수님 강좌) 유튜브 강좌 플레이리스트 테스트 환경 macOS 파이선 2.7.x TensorFlow 0.12 실습 목록 01 : TensorFlow Basic 02 : Linear Regression
Neurojs - JavaScript
neurojs is a JavaScript framework for deep learning in the browser. It mainly focuses on reinforcement learning, but can be used for any neural network based task. It contains neat demos to visualise these capabilities, for instance a 2D
Ytk learn - Java
Ytk-learn is a distributed machine learning library which implements most of popular machine learning algorithms. It runs on single, multiple machines and major distributed environments(hadoop, spark),and supports major operating systems(Li
Tensorflow image detection - Python
tensorflow-image-detection A generic image detection program that uses Google's Machine Learning library, Tensorflow and a pre-trained Deep Learning Convolutional Neural Network model called Inception. This model has been pre
EasyML - Java
Easy Machine Learning What is Easy Machine Learning Machine learning algorithms have become the key components in many big data applications. However, the full potential of machine learning is still far from been reali
DeepLearningProject - HTML
An end to end tutorial of a machine learning pipeline This tutorial tries to do what most Most Machine Learning tutorials available online do not. It is not a 30 minute tutorial which teaches you how to "Train your own neural n
Rl algorithms - Python
Note: this repository has not been updated in years and I don't have plans to do so. I recommend using rlpyt for future RL research. Reinforcement Learning Algorithms I will use this repository to implement various reinforcement
Machine learning mindmap -
Machine Learning Mindmap / Cheatsheet A Mindmap summarising Machine Learning concepts, from Data Analysis to Deep Learning. Overview Machine Learning is a subfield of computer science that gives computers the ability
Coach - Python
Coach Coach is a python reinforcement learning framework containing implementation of many state-of-the-art algorithms. It exposes a set of easy-to-use APIs for experimenting with new RL algorithms, and allows simple inte
Pytorch a2c ppo acktr gail - Python
pytorch-a2c-ppo-acktr Please use hyper parameters from this readme. With other hyper parameters things might not work (it's RL after all)! This is a PyTorch implementation of Advantage Actor Critic (A2C), a synchro
LearningToCompare Pytorch - Python
LearningToCompare Pytorch Implementation for Paper: Learning to Compare: Relation Network for Few-Shot Learning Howto download mini-imagenet and make it looks like: mini-imagenet/ ├── images ├── n0210891500001298.
PyTorch RL - Python
PyTorch implementation of reinforcement learning algorithms This repository contains: policy gradient methods (TRPO, PPO, A2C) Generative Adversarial Imitation Learning (GAIL) Important notes The code now w
Netron - JavaScript
Netron is a viewer for neural network, deep learning and machine learning models. Netron supports ONNX (.onnx, .pb, .pbtxt), Keras (.h5, .keras), Core ML (.mlmodel), Caffe (.caffemodel, .prototxt), Caffe2 (predict_net.pb, predict_net.pbt
Cogitare - Python
Cogitare is a Modern, Fast, and Modular Deep Learning and Machine Learning framework for Python. A friendly interface for beginners and a powerful toolset for experts. Cogitare is built on top of PyTorch. Documentat
Lore - Python
Lore Lore is a python framework to make machine learning approachable for Engineers and maintainable for Data Scientists. Features Models support hyper parameter search over estimators with a data pipeline
Personae - Python
Personae - RL & SL Methods and Envs For Quantitative Trading Personae is a repo that implements papers proposed methods in Deep Reinforcement Learning & Supervised Learning and applies them to Financial Market. Now
Visdial rl - Python
Visdial-RL-PyTorch PyTorch implementation of the paper: Learning Cooperative Visual Dialog Agents with Deep Reinforcement Learning Abhishek Das*, Satwik Kottur*, José Moura, Stefan Lee, and Dhruv Batra https://arxiv.org/abs/1703
Gensen - Python
GenSen Learning General Purpose Distributed Sentence Representations via Large Scale Multi-task Learning Sandeep Subramanian, Adam Trischler, Yoshua Bengio & Christopher Pal ICLR 2018 About GenSen is a technique
Tpot - Python
Master status: Development status: Package information: TPOT stands for Tree-based Pipeline Optimization Tool. Consider TPOT your Data Science Assistant. TPOT is a Python Automated Machine Learning tool that optimizes machin
Textworld - Python
TextWorld A text-based game generator and extensible sandbox learning environment for training and testing reinforcement learning (RL) agents. Also check out aka.ms/textworld for more info about TextWorld and its creators. H
Datumbox framework - Java
Datumbox Machine Learning Framework The Datumbox Machine Learning Framework is an open-source framework written in Java which allows the rapid development Machine Learning and Statistical applications. The main focus of th
Alrao - Python
Learning with Random Learning Rates Authors' implementation of "Learning with Random Learning Rates" (2018) in PyTorch. The original paper can be found here: arxiv:1810.01322, and a shorter blog post explaining the method here:
Transfer Learning Suite - Python
Transfer Learning Suite in Keras News Description This repository serves as a Transfer Learning Suite. The goal is to easily be able to perform transfer learning using any built-in Keras image classification
Surreal - Python
SURREAL About Installation Benchmarking Citation Open-Source Distributed Reinforcement Learning Framework Stanford Vision and Learning Lab SURREAL is a fully integrated framework that runs state-of-the-art distribu
ML - PHP
Rubix ML: Machine Learning for PHP A high-level machine learning and deep learning library for the PHP language. Developer-friendly API is easy and delightful to use Modular architecture combines power, flexibility,
DL workshop series - Jupyter Notebook
DL-workshop-series Code used for Deep Learning related workshops for Machine Learning Tokyo (MLT) Part I: Convolution Operations Implementation ConvKernels: colab notebook with simple examples of various ke
Hands On Meta Learning With Python - Jupyter Notebook
Hands-On Meta Learning With Python Learning to Learn using One-Shot Learning, MAML, Reptile, Meta-SGD and more About the book Meta learning is an exciting research trend in machine learning, which enable
Ml data generator - Python
ml-data-generator A Python script to generate fake datasets optimized for testing machine learning/deep learning workflows using Faker. The script generates test datasets with a deterministic target variable for regression, binar
NLP Models Tensorflow - Jupyter Notebook
NLP-Models-Tensorflow, Gathers machine learning and tensorflow deep learning models for NLP problems, code simplify inside Jupyter Notebooks 100%. Table of contents Abstractive Summarization Chatbot Dependenc
Awesome ai ml dl - Jupyter Notebook
Awesome Artificial Intelligence, Machine Learning and Deep Learning as we learn it. Study notes and a curated list of awesome resources of such topics.
Stock Prediction Models - Jupyter Notebook
Gathers machine learning and deep learning models for Stock forecasting, included trading bots and simulations
HRNet Object Detection - Python
Object detection with multi-level representations generated from deep high-resolution representation learning (HRNetV2h).
Awesome Mobility Machine Learning Contents -
Machine Learning / Deep Learning Contents in Mobility Industry(Transportation)
Awesome ehr deeplearning -
Curated list of awesome papers for electronic health records(EHR) mining, machine learning, and deep learning.
AutoGBT - Python
AutoGBT AutoGBT stands for Automatically Optimized Gradient Boosting Trees, and is used for AutoML in a lifelong machine learning setting to classify large volume high cardinality data streams under concept-drift. AutoGBT was dev
Awsome Deep Learning for Video Analysis -
Awesome Deep Learning for Video Analysis This repo contains some video analysis, especiall multimodal learning for video analysis, research. I summarize some papers and categorize them by myself. You are kindly invited to pul
Coach - Python
Coach Coach is a python reinforcement learning framework containing implementation of many state-of-the-art algorithms. It exposes a set of easy-to-use APIs for experimenting with new RL algorithms, and allows simple inte
Awesome ml model compression -
Awesome ML Model Compression An awesome style list that curates the best machine learning model compression and acceleration research papers, articles, tutorials, libraries, tools and more. PRs are welcome! Contents