A collection of IPython notebooks covering various topics.

Overview

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

Owner
John Wittenauer
Data scientist, engineer, author, investor, entrepreneur
John Wittenauer
Code for the ICML 2021 paper: "ViLT: Vision-and-Language Transformer Without Convolution or Region Supervision"

ViLT Code for the paper: "ViLT: Vision-and-Language Transformer Without Convolution or Region Supervision" Install pip install -r requirements.txt pip

Wonjae Kim 922 Jan 01, 2023
Simple ray intersection library similar to coldet - succedeed by libacc

Ray Intersection This project offers a header only acceleration structure library including implementations for a BVH- and KD-Tree. Applications may i

Nils Moehrle 29 Jun 23, 2022
EMNLP 2021 - Frustratingly Simple Pretraining Alternatives to Masked Language Modeling

Frustratingly Simple Pretraining Alternatives to Masked Language Modeling This is the official implementation for "Frustratingly Simple Pretraining Al

Atsuki Yamaguchi 31 Nov 18, 2022
Progressive Domain Adaptation for Object Detection

Progressive Domain Adaptation for Object Detection Implementation of our paper Progressive Domain Adaptation for Object Detection, based on pytorch-fa

96 Nov 25, 2022
Data and code from COVID-19 machine learning paper

Machine learning approaches for localized lockdown, subnotification analysis and cases forecasting in São Paulo state counties during COVID-19 pandemi

Sara Malvar 4 Dec 22, 2022
Tensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning And private Server services

Tensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning

MaCan 4.2k Dec 29, 2022
[NeurIPS 2021] A weak-shot object detection approach by transferring semantic similarity and mask prior.

TransMaS This repository is the official pytorch implementation of the following paper: NIPS2021 Mixed Supervised Object Detection by TransferringMask

BCMI 49 Jul 27, 2022
Pytorch reimplementation of the Vision Transformer (An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale)

Vision Transformer Pytorch reimplementation of Google's repository for the ViT model that was released with the paper An Image is Worth 16x16 Words: T

Eunkwang Jeon 1.4k Dec 28, 2022
Official implementation of the RAVE model: a Realtime Audio Variational autoEncoder

Official implementation of the RAVE model: a Realtime Audio Variational autoEncoder

Antoine Caillon 589 Jan 02, 2023
This code is an implementation for Singing TTS.

MLP Singer This code is an implementation for Singing TTS. The algorithm is based on the following papers: Tae, J., Kim, H., & Lee, Y. (2021). MLP Sin

Heejo You 22 Dec 23, 2022
All-in-one Docker container that allows a user to explore Nautobot in a lab environment.

Nautobot Lab This container is not for production use! Nautobot Lab is an all-in-one Docker container that allows a user to quickly get an instance of

Nautobot 29 Sep 16, 2022
This is the official code release for the paper Shape and Material Capture at Home

This is the official code release for the paper Shape and Material Capture at Home. The code enables you to reconstruct a 3D mesh and Cook-Torrance BRDF from one or more images captured with a flashl

89 Dec 10, 2022
Code for the TIP 2021 Paper "Salient Object Detection with Purificatory Mechanism and Structural Similarity Loss"

PurNet Project for the TIP 2021 Paper "Salient Object Detection with Purificatory Mechanism and Structural Similarity Loss" Abstract Image-based salie

Jinming Su 4 Aug 25, 2022
Self-Supervised Methods for Noise-Removal

SSMNR | Self-Supervised Methods for Noise Removal Image denoising is the task of removing noise from an image, which can be formulated as the task of

1 Jan 16, 2022
Implementation of Wasserstein adversarial attacks.

Stronger and Faster Wasserstein Adversarial Attacks Code for Stronger and Faster Wasserstein Adversarial Attacks, appeared in ICML 2020. This reposito

21 Oct 06, 2022
Pun Detection and Location

Pun Detection and Location “The Boating Store Had Its Best Sail Ever”: Pronunciation-attentive Contextualized Pun Recognition Yichao Zhou, Jyun-yu Jia

lawson 3 May 13, 2022
Free Book about Deep-Learning approaches for Chess (like AlphaZero, Leela Chess Zero and Stockfish NNUE)

Free Book about Deep-Learning approaches for Chess (like AlphaZero, Leela Chess Zero and Stockfish NNUE)

Dominik Klein 189 Dec 21, 2022
Code for the paper "M2m: Imbalanced Classification via Major-to-minor Translation" (CVPR 2020)

M2m: Imbalanced Classification via Major-to-minor Translation This repository contains code for the paper "M2m: Imbalanced Classification via Major-to

79 Oct 13, 2022
Analysing poker data from home games with friends

Poker Game Analysis Analysing poker data from home games with friends. Not a lot of data is collected, so this project is primarily focussed on descri

Stavros Karmaniolos 1 Oct 15, 2022
Dense Unsupervised Learning for Video Segmentation (NeurIPS*2021)

Dense Unsupervised Learning for Video Segmentation This repository contains the official implementation of our paper: Dense Unsupervised Learning for

Visual Inference Lab @TU Darmstadt 173 Dec 26, 2022