All Projects → jdwittenauer → Ipython Notebooks

jdwittenauer / Ipython Notebooks

A collection of IPython notebooks covering various topics.

Programming Languages

Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to Ipython Notebooks

Fauxtograph
Tools for using a variational auto-encoder for latent image encoding and generation.
Stars: ✭ 220 (-91.35%)
Mutual labels:  jupyter-notebook
Neural Style Painting
Implementing of the "A Neural Algorithm of Artistic Style"
Stars: ✭ 219 (-91.39%)
Mutual labels:  jupyter-notebook
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (-91.27%)
Mutual labels:  jupyter-notebook
Timeseries fastai
fastai V2 implementation of Timeseries classification papers.
Stars: ✭ 221 (-91.31%)
Mutual labels:  jupyter-notebook
Dl For Chatbot
Deep Learning / NLP tutorial for Chatbot Developers
Stars: ✭ 221 (-91.31%)
Mutual labels:  jupyter-notebook
Htmresearch
Experimental algorithms. Unsupported.
Stars: ✭ 221 (-91.31%)
Mutual labels:  jupyter-notebook
Spark Fm Parallelsgd
Implementation of Factorization Machines on Spark using parallel stochastic gradient descent (python and scala)
Stars: ✭ 220 (-91.35%)
Mutual labels:  jupyter-notebook
Vqa demo
Visual Question Answering Demo on pretrained model
Stars: ✭ 222 (-91.27%)
Mutual labels:  jupyter-notebook
Tensorflow Tutorial
A tutorial on TensorFlow
Stars: ✭ 221 (-91.31%)
Mutual labels:  jupyter-notebook
Melusine
Melusine is a high-level library for emails classification and feature extraction "dédiée aux courriels français".
Stars: ✭ 222 (-91.27%)
Mutual labels:  jupyter-notebook
Interpret Text
A library that incorporates state-of-the-art explainers for text-based machine learning models and visualizes the result with a built-in dashboard.
Stars: ✭ 220 (-91.35%)
Mutual labels:  jupyter-notebook
Paperboy
A web frontend for scheduling Jupyter notebook reports
Stars: ✭ 221 (-91.31%)
Mutual labels:  jupyter-notebook
Sklearn pycon2014
Repository containing files for my PyCon 2014 scikit-learn tutorial.
Stars: ✭ 221 (-91.31%)
Mutual labels:  jupyter-notebook
Interview Prepartion Data Science
Stars: ✭ 220 (-91.35%)
Mutual labels:  jupyter-notebook
Data Augmentation For Wearable Sensor Data
A sample code of data augmentation methods for wearable sensor data (time-series data)
Stars: ✭ 222 (-91.27%)
Mutual labels:  jupyter-notebook
Materials
Bonus materials, exercises, and example projects for our Python tutorials
Stars: ✭ 3,211 (+26.27%)
Mutual labels:  jupyter-notebook
Scikit Geometry
Scientific Python Geometric Algorithms Library
Stars: ✭ 220 (-91.35%)
Mutual labels:  jupyter-notebook
Ownphotos
Self hosted alternative to Google Photos
Stars: ✭ 2,587 (+1.73%)
Mutual labels:  jupyter-notebook
Sec
Seed, Expand, Constrain: Three Principles for Weakly-Supervised Image Segmentation
Stars: ✭ 221 (-91.31%)
Mutual labels:  jupyter-notebook
Team Learning Rs
主要存储Datawhale组队学习中“推荐系统”方向的资料。
Stars: ✭ 216 (-91.51%)
Mutual labels:  jupyter-notebook

ipython-notebooks

This repo contains various IPython notebooks I've created to experiment with libraries and work through exercises, and explore subjects that I find interesting. I've included notebook viewer links below. Click the link to see a live rendering of the notebook.

Language

These notebooks contain introductory content such as an overview of the language and a review of IPython's functionality.

Introduction To Python
IPython Magic Commands

Libraries

Examples using a variety of popular "data science" Python libraries.

NumPy
SciPy
Matplotlib
Pandas
Statsmodels
Scikit-learn
Seaborn
NetworkX
PyMC
NLTK
DEAP
Gensim

Machine Learning Exercises

Implementations of the exercises presented in Andrew Ng's "Machine Learning" class on Coursera.

Exercise 1 - Linear Regression
Exercise 2 - Logistic Regression
Exercise 3 - Multi-Class Classification
Exercise 4 - Neural Networks
Exercise 6 - Support Vector Machines
Exercise 7 - K-Means Clustering & PCA
Exercise 8 - Anomaly Detection & Recommendation Systems

Tensorflow Deep Learning Exercises

Implementations of the assignments from Google's Udacity course on deep learning.

Assignment 1 - Intro & Data Prep
Assignment 2 - Regression & Neural Nets
Assignment 3 - Regularization
Assignment 4 - Convolutions
Assignment 5 - Word Embeddings
Assignment 6 - Recurrent Nets

Spark Big Data Labs

Lab exercises for the original Spark classes on edX.

Lab 0 - Learning Apache Spark
Lab 1 - Building A Word Count Application
Lab 2 - Web Server Log Analysis
Lab 3 - Text Analysis & Entity Resolution
Lab 4 - Introduction To Machine Learning
ML Lab 3 - Linear Regression
ML Lab 4 - Click-Through Rate Prediction
ML Lab 5 - Principal Component Analysis

Fast.ai Lessons

Notebooks from Jeremy Howard's fast.ai class.

Lesson 1 - Image Classification
Lesson 2 - Multi-label Classification
Lesson 3 - Structured And Time Series Data
Lesson 4 - Sentiment Classification
Lesson 5 - Recommendation Using Deep Learning
Lesson 6 - Language Modeling With RNNs
Lesson 7 - Convolutional Networks In Detail

Deep Learning With Keras

Notebooks using Keras to implement deep learning models.

Part 1 - Structured And Time Series Data
Part 2 - Convolutional Networks
Part 3 - Recommender Systems
Part 4 - Recurrent Networks
Part 5 - Anomaly Detection
Part 6 - Generative Adversarial Networks

Misc

Notebooks covering various interesting topics!

Comparison Of Various Code Optimization Methods
A Simple Time Series Analysis of the S&P 500 Index
An Intro To Probablistic Programming
Language Exploration Using Vector Space Models
Solving Problems With Dynamic Programming
Time Series Forecasting With Prophet
Markov Chains From Scratch
A Sampling Of Monte Carlo Methods

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].