All Projects → python-machine-learning-book-2nd-edition → Similar Projects or Alternatives

1191 Open source projects that are alternatives of or similar to python-machine-learning-book-2nd-edition

Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+475%)
Mutual labels:  numpy, scikit-learn, rnn
Credit Risk Modelling
Credit Risk analysis by using Python and ML
Stars: ✭ 91 (+51.67%)
Mutual labels:  numpy, scikit-learn
Kymatio
Wavelet scattering transforms in Python with GPU acceleration
Stars: ✭ 396 (+560%)
Mutual labels:  numpy, scikit-learn
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-50%)
Mutual labels:  numpy, rnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+5248.33%)
Mutual labels:  recurrent-neural-networks, rnn
Deep Learning Wizard
Open source guides/codes for mastering deep learning to deploying deep learning in production in PyTorch, Python, C++ and more.
Stars: ✭ 343 (+471.67%)
Mutual labels:  numpy, scikit-learn
Data Science Complete Tutorial
For extensive instructor led learning
Stars: ✭ 1,027 (+1611.67%)
Mutual labels:  numpy, scikit-learn
Iml
Курс "Введение в машинное обучение" (ВМК, МГУ имени М.В. Ломоносова)
Stars: ✭ 46 (-23.33%)
Mutual labels:  numpy, scikit-learn
ACT
Alternative approach for Adaptive Computation Time in TensorFlow
Stars: ✭ 16 (-73.33%)
Mutual labels:  recurrent-neural-networks, rnn
Deeplearning cv notes
📓 deepleaning and cv notes.
Stars: ✭ 223 (+271.67%)
Mutual labels:  numpy, scikit-learn
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 (-73.33%)
Mutual labels:  recurrent-neural-networks, rnn
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+225%)
Mutual labels:  recurrent-neural-networks, rnn
Iseebetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Stars: ✭ 202 (+236.67%)
Mutual labels:  recurrent-neural-networks, rnn
AIPortfolio
Use AI to generate a optimized stock portfolio
Stars: ✭ 28 (-53.33%)
Mutual labels:  numpy, scikit-learn
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+53760%)
Mutual labels:  scikit-learn, rnn
Mlcourse.ai
Open Machine Learning Course
Stars: ✭ 7,963 (+13171.67%)
Mutual labels:  numpy, scikit-learn
Machinelearningcourse
A collection of notebooks of my Machine Learning class written in python 3
Stars: ✭ 35 (-41.67%)
Mutual labels:  numpy, scikit-learn
Docker Alpine Python Machinelearning
Small Docker image with Python Machine Learning tools (~180MB) https://hub.docker.com/r/frolvlad/alpine-python-machinelearning/
Stars: ✭ 76 (+26.67%)
Mutual labels:  numpy, scikit-learn
Deep learning nlp
Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
Stars: ✭ 407 (+578.33%)
Mutual labels:  numpy, recurrent-neural-networks
Cheatsheets.pdf
📚 Various cheatsheets in PDF
Stars: ✭ 159 (+165%)
Mutual labels:  numpy, scikit-learn
Mars
Mars is a tensor-based unified framework for large-scale data computation which scales numpy, pandas, scikit-learn and Python functions.
Stars: ✭ 2,308 (+3746.67%)
Mutual labels:  numpy, scikit-learn
TF-Speech-Recognition-Challenge-Solution
Source code of the model used in Tensorflow Speech Recognition Challenge (https://www.kaggle.com/c/tensorflow-speech-recognition-challenge). The solution ranked in top 5% in private leaderboard.
Stars: ✭ 58 (-3.33%)
Jetson Containers
Machine Learning Containers for NVIDIA Jetson and JetPack-L4T
Stars: ✭ 223 (+271.67%)
Mutual labels:  numpy, scikit-learn
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
Stars: ✭ 28 (-53.33%)
Mutual labels:  recurrent-neural-networks, rnn
SpeakerDiarization RNN CNN LSTM
Speaker Diarization is the problem of separating speakers in an audio. There could be any number of speakers and final result should state when speaker starts and ends. In this project, we analyze given audio file with 2 channels and 2 speakers (on separate channels).
Stars: ✭ 56 (-6.67%)
Mutual labels:  recurrent-neural-networks, rnn
polystores
A library for performing hyperparameter optimization
Stars: ✭ 48 (-20%)
Mutual labels:  numpy, scikit-learn
Pytorch Kaldi
pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
Stars: ✭ 2,097 (+3395%)
Mutual labels:  recurrent-neural-networks, rnn
Rnn From Scratch
Use tensorflow's tf.scan to build vanilla, GRU and LSTM RNNs
Stars: ✭ 123 (+105%)
Mutual labels:  recurrent-neural-networks, rnn
Rnn ctc
Recurrent Neural Network and Long Short Term Memory (LSTM) with Connectionist Temporal Classification implemented in Theano. Includes a Toy training example.
Stars: ✭ 220 (+266.67%)
Mutual labels:  recurrent-neural-networks, rnn
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 (+98.33%)
Mutual labels:  recurrent-neural-networks, rnn
python3-docker-devenv
Docker Start Guide with Python Development Environment
Stars: ✭ 13 (-78.33%)
Mutual labels:  numpy, scikit-learn
Mnist Classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Stars: ✭ 109 (+81.67%)
Mutual labels:  scikit-learn, rnn
Machine-Learning-in-Python-Workshop
My workshop on machine learning using python language to implement different algorithms
Stars: ✭ 89 (+48.33%)
Mutual labels:  numpy, scikit-learn
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+61.67%)
Mutual labels:  recurrent-neural-networks, rnn
Machine Learning Alpine
Alpine Container for Machine Learning
Stars: ✭ 30 (-50%)
Mutual labels:  numpy, scikit-learn
Pythondatasciencehandbook
The book was written and tested with Python 3.5, though other Python versions (including Python 2.7) should work in nearly all cases.
Stars: ✭ 31,995 (+53225%)
Mutual labels:  numpy, scikit-learn
Machine Learning
notebooks with example for machine learning examples
Stars: ✭ 45 (-25%)
Mutual labels:  numpy, scikit-learn
Data Science Ipython Notebooks
Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.
Stars: ✭ 22,048 (+36646.67%)
Mutual labels:  numpy, scikit-learn
Dask
Parallel computing with task scheduling
Stars: ✭ 9,309 (+15415%)
Mutual labels:  numpy, scikit-learn
Mlkatas
A series of self-correcting challenges for practicing your Machine Learning and Deep Learning skills
Stars: ✭ 58 (-3.33%)
Mutual labels:  numpy, scikit-learn
Pymc Example Project
Example PyMC3 project for performing Bayesian data analysis using a probabilistic programming approach to machine learning.
Stars: ✭ 90 (+50%)
Mutual labels:  numpy, scikit-learn
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (+60%)
Mutual labels:  recurrent-neural-networks, rnn
Rnn lstm from scratch
How to build RNNs and LSTMs from scratch with NumPy.
Stars: ✭ 156 (+160%)
Mutual labels:  numpy, recurrent-neural-networks
Machine Learning With Python
Practice and tutorial-style notebooks covering wide variety of machine learning techniques
Stars: ✭ 2,197 (+3561.67%)
Mutual labels:  numpy, scikit-learn
Data Science Projects With Python
A Case Study Approach to Successful Data Science Projects Using Python, Pandas, and Scikit-Learn
Stars: ✭ 198 (+230%)
Mutual labels:  numpy, scikit-learn
Stock Price Predictor
This project seeks to utilize Deep Learning models, Long-Short Term Memory (LSTM) Neural Network algorithm, to predict stock prices.
Stars: ✭ 146 (+143.33%)
Mutual labels:  numpy, recurrent-neural-networks
danifojo-2018-repeatrnn
Comparing Fixed and Adaptive Computation Time for Recurrent Neural Networks
Stars: ✭ 32 (-46.67%)
Mutual labels:  recurrent-neural-networks, rnn
Orange3
🍊 📊 💡 Orange: Interactive data analysis
Stars: ✭ 3,152 (+5153.33%)
Mutual labels:  numpy, scikit-learn
Probabilistic-RNN-DA-Classifier
Probabilistic Dialogue Act Classification for the Switchboard Corpus using an LSTM model
Stars: ✭ 22 (-63.33%)
Mutual labels:  recurrent-neural-networks, rnn
Python Cheat Sheet
Python Cheat Sheet NumPy, Matplotlib
Stars: ✭ 1,739 (+2798.33%)
Mutual labels:  numpy, scikit-learn
introduction to ml with python
도서 "[개정판] 파이썬 라이브러리를 활용한 머신 러닝"의 주피터 노트북과 코드입니다.
Stars: ✭ 211 (+251.67%)
Mutual labels:  numpy, scikit-learn
VariationalNeuralAnnealing
A variational implementation of classical and quantum annealing using recurrent neural networks for the purpose of solving optimization problems.
Stars: ✭ 21 (-65%)
Mutual labels:  recurrent-neural-networks, rnn
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (-28.33%)
Mutual labels:  recurrent-neural-networks, rnn
datascienv
datascienv is package that helps you to setup your environment in single line of code with all dependency and it is also include pyforest that provide single line of import all required ml libraries
Stars: ✭ 53 (-11.67%)
Mutual labels:  numpy, scikit-learn
Gru Svm
[ICMLC 2018] A Neural Network Architecture Combining Gated Recurrent Unit (GRU) and Support Vector Machine (SVM) for Intrusion Detection
Stars: ✭ 76 (+26.67%)
Mutual labels:  recurrent-neural-networks, rnn
Easyesn
Python library for Reservoir Computing using Echo State Networks
Stars: ✭ 93 (+55%)
Mutual labels:  recurrent-neural-networks, rnn
Studybook
Study E-Book(ComputerVision DeepLearning MachineLearning Math NLP Python ReinforcementLearning)
Stars: ✭ 1,457 (+2328.33%)
Mutual labels:  numpy, scikit-learn
handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Stars: ✭ 285 (+375%)
CS231n
PyTorch/Tensorflow solutions for Stanford's CS231n: "CNNs for Visual Recognition"
Stars: ✭ 47 (-21.67%)
Mutual labels:  numpy, recurrent-neural-networks
DataSciPy
Data Science with Python
Stars: ✭ 15 (-75%)
Mutual labels:  numpy, scikit-learn
1-60 of 1191 similar projects