All Projects → chhayac → Machine-Learning-Notebooks

chhayac / Machine-Learning-Notebooks

Licence: other
15+ Machine/Deep Learning Projects in Ipython Notebooks

Programming Languages

Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to Machine-Learning-Notebooks

extra keras datasets
📃🎉 Additional datasets for tensorflow.keras
Stars: ✭ 20 (-69.7%)
Mutual labels:  iris, keras-tensorflow, iris-dataset
pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 788 (+1093.94%)
Mutual labels:  keras-neural-networks, tensorflow-models, keras-tensorflow
GTAV-Self-driving-car
Self driving car in GTAV with Deep Learning
Stars: ✭ 15 (-77.27%)
Mutual labels:  keras-neural-networks, keras-tensorflow
Invoicenet
Deep neural network to extract intelligent information from invoice documents.
Stars: ✭ 1,886 (+2757.58%)
Mutual labels:  keras-neural-networks, keras-tensorflow
Ds and ml projects
Data Science & Machine Learning projects and tutorials in python from beginner to advanced level.
Stars: ✭ 56 (-15.15%)
Mutual labels:  linear-regression, keras-tensorflow
dl-relu
Deep Learning using Rectified Linear Units (ReLU)
Stars: ✭ 20 (-69.7%)
Mutual labels:  keras-neural-networks, keras-tensorflow
stocktwits-sentiment
Stocktwits market sentiment analysis in Python with Keras and TensorFlow.
Stars: ✭ 23 (-65.15%)
Mutual labels:  keras-neural-networks, keras-tensorflow
Lecture-3-Linear-Models
ICDSS Machine Learning Workshop Series: Linear Models
Stars: ✭ 19 (-71.21%)
Mutual labels:  linear-regression, keras-tensorflow
Recurrent-Neural-Network-for-BitCoin-price-prediction
Recurrent Neural Network (LSTM) by using TensorFlow and Keras in Python for BitCoin price prediction
Stars: ✭ 53 (-19.7%)
Mutual labels:  keras-neural-networks, keras-tensorflow
pytest-notebook
A pytest plugin for regression testing and regenerating Jupyter Notebooks
Stars: ✭ 35 (-46.97%)
Mutual labels:  notebook, ipython-notebook
machine learning in python
Demo of basic machine learning models in python with Jupter Notebook
Stars: ✭ 16 (-75.76%)
Mutual labels:  notebook, linear-regression
Scipy Cookbook
Scipy Cookbook
Stars: ✭ 326 (+393.94%)
Mutual labels:  notebook, ipython-notebook
Deep-learning-model-deploy-with-django
Serving a keras model (neural networks) in a website with the python Django-REST framework.
Stars: ✭ 76 (+15.15%)
Mutual labels:  keras-neural-networks, keras-tensorflow
stock-volatility-google-trends
Deep Learning Stock Volatility with Google Domestic Trends: https://arxiv.org/pdf/1512.04916.pdf
Stars: ✭ 74 (+12.12%)
Mutual labels:  keras-neural-networks, keras-tensorflow
Nearest-Celebrity-Face
Tensorflow Implementation of FaceNet: A Unified Embedding for Face Recognition and Clustering to find the celebrity whose face matches the closest to yours.
Stars: ✭ 30 (-54.55%)
Mutual labels:  keras-neural-networks, keras-tensorflow
Machine-Learning
🌎 I created this repository for educational purposes. It will host a number of projects as part of the process .
Stars: ✭ 38 (-42.42%)
Mutual labels:  linear-regression, tensorflow-models
Audio Pretrained Model
A collection of Audio and Speech pre-trained models.
Stars: ✭ 61 (-7.58%)
Mutual labels:  tensorflow-models, keras-tensorflow
Dkeras
Distributed Keras Engine, Make Keras faster with only one line of code.
Stars: ✭ 181 (+174.24%)
Mutual labels:  tensorflow-models, keras-tensorflow
Deeplearning.ai
该存储库包含由deeplearning.ai提供的相关课程的个人的笔记和实现代码。
Stars: ✭ 181 (+174.24%)
Mutual labels:  linear-regression, keras-tensorflow
Spark Py Notebooks
Apache Spark & Python (pySpark) tutorials for Big Data Analysis and Machine Learning as IPython / Jupyter notebooks
Stars: ✭ 1,338 (+1927.27%)
Mutual labels:  notebook, ipython-notebook

Machine Learning and Deep learning Notebooks

Notebook Description Link Notes
Iris Flower Classification Iris_flower_classification.ipynb Build a neural network model using Keras & Tensorflow. Evaluated the model using scikit learn's k-fold cross validation.
Recognizing CIFAR-10 images (Part I - Simple model) Recognizing-CIFAR-10-images-Simple-Model.ipynb Build a simple Convolutional Neural Network(CNN) model to classify CIFAR-10 image dataset with Keras deep learning library achieving classification accuracy of 67.1%.
Recognizing CIFAR-10 images (Part II - Improved model) Recognizing-CIFAR-10-images-Simple-Model.ipynb Build an improved CNN model by adding more layers with Keras deep learning library achieving classification accuracy of 78.65%.
Recognizing CIFAR-10 images (Part III - Data Augmentation) Recognizing-CIFAR-10-images-Improved-Model-Data-Augmentation.ipynb Build an improved CNN model by data augmentation with Keras deep learning library achieving classification accuracy of 80.73%.
Traffic Sign Recognition using Deep Learning Traffic-Sign-Recognition.ipynb Build a deep learning model to detect traffic signs using the German Traffic Sign Recognition Benchmark(GTSRB) dataset achieving an accuracy of 98.4%.
Movie Recommendation Engine Movie_Recommendation_Engine.ipynb Build a movie recommendation engine using k-nearest neighbour algorithm implemented from scratch.
Linear Regression Linear_Regression.ipynb Build a simple linear regression model to predict profit of food truck based on population and profit of different cities.
Multivariate Linear Regression Multivariate_Linear_Regression.ipynb Build a simple multivariate linear regression model to predict the price of a house based on the size of the house in square feet and number of bedrooms in the house.
Sentiment Analysis of Movie Reviews Sentiment_Analysis.ipynb Experiment to analyze sentiment according to their movie reviews.
Wine quality prediction Predicting_wine_quality.ipynb Experiment to predict wine quality with feature selection (In progress).
Unsupervised Learning unsupervised_learning-Part_1.ipynb Hands-on with Unsupervised learning.
Autoencoders using Fashion MNIST Autoencoder_Fashion_MNIST.ipynb Building an autoencoder as a classifier using Fashion MNIST dataset.
Logistic Regression Logistic_Regression.ipynb Build a logistic regression model from scratch - Redoing it
Fuzzy string matching fuzzywuzzy.ipynb To study how to compare strings and determine how similar they are in Python.
Spam email classification spam_email_classification.ipynb Build a spam detection classification model using an email dataset.
Customer churn prediction customer_churn_prediction.ipynb To predict if customers churn i.e. unsubscribed or cancelled their service.- In Progress
Predicting Credit Card Approvals predicting_credit_card_approvals.ipynb To predict the approval or rejection of a credit card application
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].