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

Comments
  • Divide by Zero (Exercise 3)

    Divide by Zero (Exercise 3)

    Love these machine learning exercises! Just completed exercise 3 but came across one issue in the regularized cost function. I'm getting a divide by 0 error in the second var. I assumed this is because log(0) is undefined. Any way around this?

    When i compile w/ Python 2.7 the accuracy is around 97% but only 76% when compiled with Python 3.

    opened by jessestauffer 4
  • Linear regression Q1

    Linear regression Q1

    def gradientDescent(X, y, theta, alpha, iters):
    temp = np.matrix(np.zeros(theta.shape)) parameters = int(theta.ravel().shape[1]) cost = np.zeros(iters)

    //why are we using below loop? Its a matrix multiplication I dont think we need to //loop here. It will always give the same answer. Can you please tell me what is the benefit of using loop here? for i in range(iters): error = (X * theta.T) - y

    opened by Umartahir93 1
  • 500 + ๐—”๐—ฟ๐˜๐—ถ๐—ณ๐—ถ๐—ฐ๐—ถ๐—ฎ๐—น ๐—œ๐—ป๐˜๐—ฒ๐—น๐—น๐—ถ๐—ด๐—ฒ๐—ป๐—ฐ๐—ฒ ๐—ฃ๐—ฟ๐—ผ๐—ท๐—ฒ๐—ฐ๐˜ ๐—Ÿ๐—ถ๐˜€๐˜ ๐˜„๐—ถ๐˜๐—ต ๐—ฐ๐—ผ๐—ฑ๐—ฒ

    500 + ๐—”๐—ฟ๐˜๐—ถ๐—ณ๐—ถ๐—ฐ๐—ถ๐—ฎ๐—น ๐—œ๐—ป๐˜๐—ฒ๐—น๐—น๐—ถ๐—ด๐—ฒ๐—ป๐—ฐ๐—ฒ ๐—ฃ๐—ฟ๐—ผ๐—ท๐—ฒ๐—ฐ๐˜ ๐—Ÿ๐—ถ๐˜€๐˜ ๐˜„๐—ถ๐˜๐—ต ๐—ฐ๐—ผ๐—ฑ๐—ฒ

    500 + ๐—”๐—ฟ๐˜๐—ถ๐—ณ๐—ถ๐—ฐ๐—ถ๐—ฎ๐—น ๐—œ๐—ป๐˜๐—ฒ๐—น๐—น๐—ถ๐—ด๐—ฒ๐—ป๐—ฐ๐—ฒ ๐—ฃ๐—ฟ๐—ผ๐—ท๐—ฒ๐—ฐ๐˜ ๐—Ÿ๐—ถ๐˜€๐˜ ๐˜„๐—ถ๐˜๐—ต ๐—ฐ๐—ผ๐—ฑ๐—ฒ

    500 AI Machine learning Deep learning Computer vision NLP Projects with code

    This list is continuously updated. - You can take pull request and contribute.

    Sr No Name Link 1 180 Machine learning Project is.gd/MLtyGk 2 12 Machine learning Object Detection is.gd/jZMP1A 3 20 NLP Project with Python is.gd/jcMvjB 4 10 Machine Learning Projects on Time Series Forecasting is.gd/dOR66m 5 20 Deep Learning Projects Solved and Explained with Python is.gd/8Cv5EP 6 20 Machine learning Project is.gd/LZTF0J 7 30 Python Project Solved and Explained is.gd/xhT36v 8 Machine learning Course for Free https://lnkd.in/ekCY8xw 9 5 Web Scraping Projects with Python is.gd/6XOTSn 10 20 Machine Learning Projects on Future Prediction with Python is.gd/xDKDkl 11 4 Chatbot Project With Python is.gd/LyZfXv 12 7 Python Gui project is.gd/0KPBvP 13 All Unsupervised learning Projects is.gd/cz11Kv 14 10 Machine learning Projects for Regression Analysis is.gd/k8faV1 15 10 Machine learning Project for Classification with Python is.gd/BJQjMN 16 6 Sentimental Analysis Projects with python is.gd/WeiE5p 17 4 Recommendations Projects with Python is.gd/pPHAP8 18 20 Deep learning Project with python is.gd/l3OCJs 19 5 COVID19 Projects with Python is.gd/xFCnYi 20 9 Computer Vision Project with python is.gd/lrNybj 21 8 Neural Network Project with python is.gd/FCyOOf 22 5 Machine learning Project for healthcare https://bit.ly/3b86bOH 23 5 NLP Project with Python https://bit.ly/3hExtNS 24 47 Machine Learning Projects for 2021 https://bit.ly/356bjiC 25 19 Artificial Intelligence Projects for 2021 https://bit.ly/38aLgsg 26 28 Machine learning Projects for 2021 https://bit.ly/3bguRF1 27 16 Data Science Projects with Source Code for 2021 https://bit.ly/3oa4zYD 28 24 Deep learning Projects with Source Code for 2021 https://bit.ly/3rQrOsU 29 25 Computer Vision Projects with Source Code for 2021 https://bit.ly/2JDMO4I 30 23 Iot Projects with Source Code for 2021 https://bit.ly/354gT53 31 27 Django Projects with Source Code for 2021 https://bit.ly/2LdRPRZ 32 37 Python Fun Projects with Code for 2021 https://bit.ly/3hBHzz4 33 500 + Top Deep learning Codes https://bit.ly/3n7AkAc 34 500 + Machine learning Codes https://bit.ly/3b32n13 35 20+ Machine Learning Datasets & Project Ideas https://bit.ly/3b2J48c 36 1000+ Computer vision codes https://bit.ly/2LiX1nv 37 300 + Industry wise Real world projects with code https://bit.ly/3rN7lVR 38 1000 + Python Project Codes https://bit.ly/3oca2xM 39 363 + NLP Project with Code https://bit.ly/3b442DO 40 50 + Code ML Models (For iOS 11) Projects https://bit.ly/389dB2s 41 180 + Pretrained Model Projects for Image, text, Audio and Video https://bit.ly/3hFyQMw 42 50 + Graph Classification Project List https://bit.ly/3rOYFhH 43 100 + Sentence Embedding(NLP Resources) https://bit.ly/355aS8c 44 100 + Production Machine learning Projects https://bit.ly/353ckI0 45 300 + Machine Learning Resources Collection https://bit.ly/3b2LjIE 46 70 + Awesome AI https://bit.ly/3hDIXkD 47 150 + Machine learning Project Ideas with code https://bit.ly/38bfpbg 48 100 + AutoML Projects with code https://bit.ly/356zxZX 49 100 + Machine Learning Model Interpretability Code Frameworks https://bit.ly/3n7FaNB 50 120 + Multi Model Machine learning Code Projects https://bit.ly/38QRI76 51 Awesome Chatbot Projects https://bit.ly/3rQyxmE 52 Awesome ML Demo Project with iOS https://bit.ly/389hZOY 53 100 + Python based Machine learning Application Projects https://bit.ly/3n9zLWv 54 100 + Reproducible Research Projects of ML and DL https://bit.ly/2KQ0J8C 55 25 + Python Projects https://bit.ly/353fRpK 56 8 + OpenCV Projects https://bit.ly/389mj0B 57 1000 + Awesome Deep learning Collection https://bit.ly/3b0a9Jj 58 200 + Awesome NLP learning Collection https://bit.ly/3b74b9o 59 200 + The Super Duper NLP Repo https://bit.ly/3hDNnbd 60 100 + NLP dataset for your Projects https://bit.ly/353h2Wc 61 364 + Machine Learning Projects definition https://bit.ly/2X5QRdb 62 300+ Google Earth Engine Jupyter Notebooks to Analyze Geospatial Data https://bit.ly/387JwjC 63 1000 + Machine learning Projects Information https://bit.ly/3rMGk4N 64. 11 Computer Vision Projects with code https://bit.ly/38gz2OR 65. 13 Computer Vision Projects with Code https://bit.ly/3hMJdhh 66. 13 Cool Computer Vision GitHub Projects To Inspire You https://bit.ly/2LrSv6d 67. Open-Source Computer Vision Projects (With Tutorials) https://bit.ly/3pUss6U 68. OpenCV Computer Vision Projects with Python https://bit.ly/38jmGpn 69. 100 + Computer vision Algorithm Implementation https://bit.ly/3rWgrzF 70. 80 + Computer vision Learning code https://bit.ly/3hKCpkm 71. Deep learning Treasure https://bit.ly/359zLQb

    opened by helshafaie46 0
  • ูู† ุชุนู„ูŠู… ุงู„ุขู„ุฉ

    ูู† ุชุนู„ูŠู… ุงู„ุขู„ุฉ

    ูู† ุชุนู„ูŠู… ุงู„ุขู„ุฉ ุฃู‡ู„ุง ุจูŠูƒู… ููŠ ุงู„ูƒูˆุฑุณ ุงู„ุฎุงุต ุจูู† ุชุนู„ูŠู… ุงู„ุขู„ุฉ . .

    ุฃูˆู„ุง ูƒูˆุฑุณ ุชุนู„ูŠู… ุงู„ุขู„ุฉ machine learning

    ูŠุชูƒูˆู† ู…ู† 12 ู‚ุณู… , ู‡ู… :

    1 - ู…ู‚ุฏู…ุฉ : https://www.youtube.com/playlist?list=PL6-3IRz2XF5Vf1RAHyBo4tRzT8lEavPhR

    2- ุงู„ุชูˆู‚ุน : https://www.youtube.com/playlist?list=PL6-3IRz2XF5UJE2PbY7UU4SHi7UpV1mXo

    3 -ุจุงูŠุซูˆู† : https://www.youtube.com/playlist?list=PL6-3IRz2XF5UM-FWfQeF1_YhMMa12Eg3s

    ูˆุงู„ู…ู„ู ุงู„ุฐูŠ ูŠุญุชูˆูŠ ุนู„ูŠ ุฌู…ูŠุน ุงู„ุงูƒูˆุงุฏ : https://docs.google.com/document/d/1BX7k8q2X7C32DB2TJFqk5a2CJDg-aUBJTJIVqwo1A4Y

    4 - ุงู„ุชุตู†ูŠู : https://www.youtube.com/playlist?list=PL6-3IRz2XF5Uq7PkI_PWOm_DLC2CFvSzU

    5 - ุงู„ุดุจูƒุงุช ุงู„ุนุตุจูŠุฉ : https://www.youtube.com/playlist?list=PL6-3IRz2XF5UX-Yi32r925nsgW-3GrnSa

    6 - ู†ุธุงู… ุงู„ุฏุนู… ุงู„ุขู„ูŠ : https://www.youtube.com/playlist?list=PL6-3IRz2XF5U98PPtkc34sg7EEGC34WRs

    7 - ุงู„ุชุนู„ูŠู… ุฏูˆู† ุฅุดุฑุงู https://www.youtube.com/playlist?list=PL6-3IRz2XF5VEygzpmG1GZgI8l1xwPDBP

    8 - ู…ูˆุงุถูŠุน ู‡ุงู…ุฉ ููŠ ุชุนู„ูŠู… ุงู„ุขู„ุฉ : https://www.youtube.com/playlist?list=PL6-3IRz2XF5UnONA8-ENhR0NE04mIllqB

    9 - ุชูƒู†ูŠูƒุงุช ุญุฏูŠุซุฉ ููŠ ุชุนู„ูŠู… ุงู„ุขู„ุฉ : https://www.youtube.com/playlist?list=PL6-3IRz2XF5XJKEXITqCNQN8209q3qlrL

    10 - ู…ูƒุชุจุฉ ุณุงูŠูƒูŠุชู„ูŠุฑู† https://www.youtube.com/playlist?list=PL6-3IRz2XF5X_9JeJh1xeciAbkijvc09k

    11 - ุชู†ุณุฑูู„ูˆ ูˆ ูƒูŠุฑุงุณ https://www.youtube.com/playlist?list=PL6-3IRz2XF5VbuU2T0gS_mFhCpKmLxvCP

    12 - ุชุทุจูŠู‚ุงุช ุนู…ู„ูŠุฉ : https://www.youtube.com/playlist?list=PL6-3IRz2XF5XA13ZqfacovmyOLjYwwhMt

    ูƒู…ุง ูŠุฑุฌูŠ ู…ุดุงู‡ุฏุฉ ุดุฑุญ ุจุฑู†ุงู…ุฌ MLHelper https://www.youtube.com/playlist?list=PL6-3IRz2XF5VdA0sd-nLM0LMzhfivfwmu

    ูˆ ู‡ู†ุง ุตูุญุฉ ุงู„ููŠุณุจูˆูƒ https://www.facebook.com/pg/Machine.Learning.Art/posts/

    ูˆ ู‡ู†ุง ุงู„ุฌุฑูˆุจ https://www.facebook.com/groups/Machine.Learning.Art/

    ูƒู…ุง ุงู† ู…ู„ูุงุช ุงู„ุดุฑุญ ูƒู„ู‡ุง ู‡ู†ุง : https://drive.google.com/drive/folders/1b8IaXG5KXDSunpOhWSBr4j8U2tlOSuBp

    ูˆ ุณู†ู‚ูˆู… ู‚ุฑูŠุจุง ุจุจุฏุงูŠุฉ ูƒูˆุฑุณ ุงู„ุชุนู„ู… ุงู„ุนู…ูŠู‚ , ูˆุณู†ู†ุดุฑ ุชูุงุตูŠู„ู‡ ู‡ู†ุง

    opened by helshafaie46 0
  • Add

    Add "Launch in Deepnote" to Readme

    Hi John, I'm Dan from Deepnote. We're a small startup creating a better data science notebook and one of the things we're really interested is making it easier for people to try and learn from existing projects. I'm quite new to this, so one of the first things I wanted to do was to try Deepnote with a couple of cool public repos, including yours. :) Since I already set it up for myself, I thought it might be useful for others too to have a one-click button to run your repo (also the Azure one doesn't seem to work anymore), so I submitted a PR.

    Thanks for your work! Dan

    opened by danzvara 0
  • UnicodeDecodeError

    UnicodeDecodeError

    I have this error when running the notebook with "jupyter notebook"

    UnicodeDecodeError                        Traceback (most recent call last)
    <ipython-input-8-42c04a259fe9> in <module>()
          1 file = open(train_datasets[0])
    ----> 2 train_A = pickle.load(file)
          3 train_A.shape
    
    /usr/lib/python3.5/codecs.py in decode(self, input, final)
        319         # decode input (taking the buffer into account)
        320         data = self.buffer + input
    --> 321         (result, consumed) = self._buffer_decode(data, self.errors, final)
        322         # keep undecoded input until the next call
        323         self.buffer = data[consumed:]
    
    UnicodeDecodeError: 'utf-8' codec can't decode byte 0x80 in position 0: invalid start byte
    
    
    opened by fjhheras 0
  • logistic regression notebook from Andrew Ng course

    logistic regression notebook from Andrew Ng course

    About the mapped feature part. The polynomial permuted features data set should have 28 features but you have way less in the notebook.

    Is it your intention to not fully polynomialize features? or it's a bug in your permutation code?

    Thanks for the notebook.

    opened by lukaemon 0
Owner
John Wittenauer
Data scientist, engineer, author, investor, entrepreneur
John Wittenauer
Ready-to-use code and tutorial notebooks to boost your way into few-shot image classification.

Easy Few-Shot Learning Ready-to-use code and tutorial notebooks to boost your way into few-shot image classification. This repository is made for you

Sicara 399 Jan 8, 2023
Repository for scripts and notebooks from the book: Programming PyTorch for Deep Learning

Repository for scripts and notebooks from the book: Programming PyTorch for Deep Learning

Ian Pointer 368 Dec 17, 2022
Jupyter notebooks for the code samples of the book "Deep Learning with Python"

Jupyter notebooks for the code samples of the book "Deep Learning with Python"

Franรงois Chollet 16.2k Dec 30, 2022
Notebooks em Python para Mรฉtodos Eletromagnรฉticos

GeoSci Labs This is a repository of code used to power the notebooks and interactive examples for https://em.geosci.xyz and https://gpg.geosci.xyz. Th

Victor Cezar Tocantins 1 Nov 16, 2021
Source code and notebooks to reproduce experiments and benchmarks on Bias Faces in the Wild (BFW).

Face Recognition: Too Bias, or Not Too Bias? Robinson, Joseph P., Gennady Livitz, Yann Henon, Can Qin, Yun Fu, and Samson Timoner. "Face recognition:

Joseph P. Robinson 41 Dec 12, 2022
Library extending Jupyter notebooks to integrate with Apache TinkerPop and RDF SPARQL.

Graph Notebook: easily query and visualize graphs The graph notebook provides an easy way to interact with graph databases using Jupyter notebooks. Us

Amazon Web Services 501 Dec 28, 2022
Nb workflows - A workflow platform which allows you to run parameterized notebooks programmatically

NB Workflows Description If SQL is a lingua franca for querying data, Jupyter sh

Xavier Petit 6 Aug 18, 2022
Home repository for the Regularized Greedy Forest (RGF) library. It includes original implementation from the paper and multithreaded one written in C++, along with various language-specific wrappers.

Regularized Greedy Forest Regularized Greedy Forest (RGF) is a tree ensemble machine learning method described in this paper. RGF can deliver better r

RGF-team 364 Dec 28, 2022
Pytorch Implementation of Various Point Transformers

Pytorch Implementation of Various Point Transformers Recently, various methods applied transformers to point clouds: PCT: Point Cloud Transformer (Men

Neil You 434 Dec 30, 2022
Library of various Few-Shot Learning frameworks for text classification

FewShotText This repository contains code for the paper A Neural Few-Shot Text Classification Reality Check Environment setup # Create environment pyt

Thomas Dopierre 47 Jan 3, 2023
Implementation of various Vision Transformers I found interesting

Implementation of various Vision Transformers I found interesting

Kim Seonghyeon 78 Dec 6, 2022
CVPR 2021: "The Spatially-Correlative Loss for Various Image Translation Tasks"

Spatially-Correlative Loss arXiv | website We provide the Pytorch implementation of "The Spatially-Correlative Loss for Various Image Translation Task

Chuanxia Zheng 89 Jan 4, 2023
Woosung Choi 63 Nov 14, 2022
This is the dataset for testing the robustness of various VO/VIO methods

KAIST VIO dataset This is the dataset for testing the robustness of various VO/VIO methods You can download the whole dataset on KAIST VIO dataset Ind

null 1 Sep 1, 2022
A Unified Generative Framework for Various NER Subtasks.

This is the code for ACL-ICJNLP2021 paper A Unified Generative Framework for Various NER Subtasks. Install the package in the requirements.txt, then u

null 177 Jan 5, 2023
This project is based on RIFE and aims to make RIFE more practical for users by adding various features and design new models

This project is based on RIFE and aims to make RIFE more practical for users by adding various features and design new models. Because improving the PSNR index is not compatible with subjective effects, we hope this part of work and our academic research are independent of each other.

hzwer 190 Jan 8, 2023
This is 2nd term discrete maths project done by UCU students that uses backtracking to solve various problems.

Backtracking Project Sponsors This is a project made by UCU students: Olha Liuba - crossword solver implementation Hanna Yershova - sudoku solver impl

Dasha 4 Oct 17, 2021
๐Ÿ€ Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.โญโญโญ

?? Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.โญโญโญ

xmu-xiaoma66 7.7k Jan 5, 2023
This repository contains various models targetting multimodal representation learning, multimodal fusion for downstream tasks such as multimodal sentiment analysis.

Multimodal Deep Learning ?? ?? ?? Announcing the multimodal deep learning repository that contains implementation of various deep learning-based model

Deep Cognition and Language Research (DeCLaRe) Lab 398 Dec 30, 2022