Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

Projects in Awesome Lists tagged with ipython-notebook

A curated list of projects in awesome lists tagged with ipython-notebook .

https://github.com/rhiever/data-analysis-and-machine-learning-projects

Repository of teaching materials, code, and data for my data analysis and machine learning projects.

data-analysis data-science evolutionary-algorithm ipython-notebook machine-learning python

Last synced: 19 Dec 2024

https://github.com/rhiever/Data-Analysis-and-Machine-Learning-Projects

Repository of teaching materials, code, and data for my data analysis and machine learning projects.

data-analysis data-science evolutionary-algorithm ipython-notebook machine-learning python

Last synced: 27 Oct 2024

https://github.com/tarrysingh/artificial-intelligence-deep-learning-machine-learning-tutorials

A comprehensive list of Deep Learning / Artificial Intelligence and Machine Learning tutorials - rapidly expanding into areas of AI/Deep Learning / Machine Vision / NLP and industry specific areas such as Climate / Energy, Automotives, Retail, Pharma, Medicine, Healthcare, Policy, Ethics and more.

artificial-intelligence aws capsule-network convolutional-neural-networks deep-learning ipython-notebook kaggle keras lua machine-learning matplotlib neural-network pandas python python-data pytorch scikit-learn tensorflow tensorflow-tutorials torch

Last synced: 17 Dec 2024

https://github.com/TarrySingh/Artificial-Intelligence-Deep-Learning-Machine-Learning-Tutorials

A comprehensive list of Deep Learning / Artificial Intelligence and Machine Learning tutorials - rapidly expanding into areas of AI/Deep Learning / Machine Vision / NLP and industry specific areas such as Climate / Energy, Automotives, Retail, Pharma, Medicine, Healthcare, Policy, Ethics and more.

artificial-intelligence aws capsule-network convolutional-neural-networks deep-learning ipython-notebook kaggle keras lua machine-learning matplotlib neural-network pandas python python-data pytorch scikit-learn tensorflow tensorflow-tutorials torch

Last synced: 09 Nov 2024

https://github.com/ai-forever/kandinsky-2

Kandinsky 2 — multilingual text2image latent diffusion model

diffusion image-generation image2image inpainting ipython-notebook kandinsky outpainting text-to-image text2image

Last synced: 20 Dec 2024

https://github.com/ai-forever/Kandinsky-2

Kandinsky 2 — multilingual text2image latent diffusion model

diffusion image-generation image2image inpainting ipython-notebook kandinsky outpainting text-to-image text2image

Last synced: 06 Nov 2024

https://github.com/jadianes/spark-py-notebooks

Apache Spark & Python (pySpark) tutorials for Big Data Analysis and Machine Learning as IPython / Jupyter notebooks

big-data bigdata data-analysis data-science ipython ipython-notebook machine-learning mllib notebook pyspark python spark

Last synced: 20 Dec 2024

https://github.com/kynan/nbstripout

strip output from Jupyter and IPython notebooks

filter git hacktoberfest hooks ipython ipython-notebook jupyter jupyter-notebook

Last synced: 17 Dec 2024

https://github.com/agconti/kaggle-titanic

A tutorial for Kaggle's Titanic: Machine Learning from Disaster competition. Demonstrates basic data munging, analysis, and visualization techniques. Shows examples of supervised machine learning techniques.

ipython-notebook kaggle-competition kaggle-titanic machine-learning python

Last synced: 21 Dec 2024

https://github.com/computationalmodelling/nbval

A py.test plugin to validate Jupyter notebooks

ipython-notebook jupyter-notebook pytest pytest-plugin python testing

Last synced: 19 Dec 2024

https://github.com/sdiehl/numpile

A tiny 1000 line LLVM-based numeric specializer for scientific Python code.

compiler ipython-notebook jit llvm-tutorial numba python specializer tutorial

Last synced: 16 Dec 2024

https://github.com/rajathkmp/Python-Lectures

IPython Notebooks to learn Python

ipython-notebook python tutorial

Last synced: 27 Nov 2024

https://github.com/rajathkmp/python-lectures

IPython Notebooks to learn Python

ipython-notebook python tutorial

Last synced: 21 Dec 2024

https://github.com/chmp/ipytest

Pytest in IPython notebooks.

ipython-notebook jupyter-notebook pytest python

Last synced: 20 Dec 2024

https://github.com/o19s/relevant-search-book

Code and Examples for Relevant Search

elasticsearch ipython-notebook relevance relevant-search solr

Last synced: 16 Dec 2024

https://github.com/milaan9/06_python_object_class

Object-oriented programming (OOP) is a method of structuring a program by bundling related properties and behaviors into individual objects. In this tutorial, you’ll learn the basics of object-oriented programming in Python.

classes-and-objects encapsulation inheritance instance-methods instance-variables ipython-notebook oop-concepts oop-examples oop-principles oops-in-python operator-overloading operatoroverloding polymorphism python-tutor python-tutorial-github python-tutorial-notebook python4beginner python4datascience python4everybody tutor-milaan9

Last synced: 15 Dec 2024

https://github.com/joaolcorreia/rfm-analysis

Python script (and IPython notebook) to perform RFM analysis from customer purchase history data

customer-analytics customer-segmentation ipython-notebook python-script rfm-analysis

Last synced: 17 Dec 2024

https://github.com/milaan9/python_computer_vision_from_scratch

This repository explores the variety of techniques commonly used to analyze and interpret images. It also describes challenging real-world applications where vision is being successfully used, both for specialized applications such as medical imaging, and for fun, consumer-level tasks such as image editing and stitching, which students can apply to their own personal photos and videos.

canny-edge-detection computer-vision dtw-algorithm eigenfaces feature-extraction hough-lines image-analysis image-manipulation image-processing image-recognition ipython-notebook machine-learning python4datascience python4everybody sobel-filter sobel-operator tutor-milaan9

Last synced: 16 Dec 2024

https://github.com/milaan9/09_python_numpy_module

Numpy is a general-purpose array-processing package. It provides a high-performance multidimensional array object and tools for working with these arrays. It is the fundamental package for scientific computing with Python. Besides its obvious scientific uses, Numpy can also be used as an efficient multi-dimensional container of generic data.

array-indexing array-manipulations array-math array-methods array-reorganizing ipython-notebook numpy numpy-arrays numpy-exercise-solutions numpy-exercises numpy-matrix numpy-tutorial python-tutor python-tutorial-github python-tutorial-notebook python-tutorials python4beginner python4datascience python4everybody tutor-milaan9

Last synced: 16 Dec 2024

https://github.com/milaan9/05_python_files

Python too supports file handling and allows users to handle files i.e., to read and write files, along with many other file handling options, to operate on files. The concept of file handling has stretched over various other languages, but the implementation is either complicated or lengthy, but like other concepts of Python, this concept here is also easy and short. Python treats files differently as text or binary and this is important.

exception-handling exceptions file-directory file-exception file-exception-handeling file-handling file-input-output ipython ipython-notebook python-files python-tutor python-tutorial-github python-tutorial-notebook python-tutorials python4beginner python4datascience python4everybody pythontutorial tutor-milaan9 userdefined-exceptions

Last synced: 16 Dec 2024

https://github.com/milaan9/08_python_date_time_module

Time is undoubtedly the most critical factor in every aspect of life. Therefore, it becomes very essential to record and track this component. In Python, date and time can be tracked through its built-in libraries. This article on Date and time in Python will help you understand how to find and modify the dates and time using the time and datetime modules.

current-date current-time datetime datetime-module ipython-notebook python-datetime python-sleep python-tutor python-tutorial python-tutorial-github python-tutorial-notebook python-tutorials python4beginner python4datascience python4everybody strftime strptime time-module timstamp tutor-milaan9

Last synced: 16 Dec 2024

https://github.com/ssarcandy/panoramas-image-stitching

🖼 Stitching images into 360 panoramas

image-processing ipython-notebook opencv3 python3

Last synced: 18 Dec 2024

https://github.com/milaan9/11_python_matplotlib_module

Matplotlib is an amazing visualization library in Python for 2D plots of arrays. Matplotlib is a multi-platform data visualization library built on NumPy arrays and designed to work with the broader SciPy stack. It was introduced by John Hunter in the year 2002. One of the greatest benefits of visualization is that it allows us visual access to huge amounts of data in easily digestible visuals. Matplotlib consists of several plots like line, bar, scatter, histogram, etc

data-analysis data-visualization ipython-notebook matplotlib matplotlib-examples matplotlib-exercises matplotlib-figures matplotlib-heatmap matplotlib-pyplot matplotlib-python matplotlib-tutorial python-matplotlib python-tutor python-tutorial-github python-tutorial-notebook python-tutorials python4beginner python4datascience python4everybody tutor-milaan9

Last synced: 16 Dec 2024

https://github.com/milaan9/python_natural_language_processing

This repository consists of a complete guide on natural language processing (NLP) in Python where we'll learn various techniques for implementing NLP including parsing & text processing and understand how to use NLP for text feature engineering.

bag-of-words inversedocumentfrequency ipython-notebook lemmatization named-entity-recognition nlp partofspeech-tagger python4datascience python4everybody sentence-segmentation stemming stopwords termfrequency tf-idf tokenization tutor-milaan9 vocabulary-matching

Last synced: 17 Dec 2024

https://github.com/tmthyjames/SQLCell

SQLCell is a magic function for the Jupyter Notebook that executes raw, parallel, parameterized SQL queries with the ability to accept Python values as parameters and assign output data to Python variables while concurrently running Python code. And *much* more.

hacktoberfest inline-editing ipython ipython-magic ipython-notebook jupyter jupyter-notebook jupyterlab multi-threading postgres postgresql python sql

Last synced: 07 Nov 2024

https://github.com/tmthyjames/sqlcell

SQLCell is a magic function for the Jupyter Notebook that executes raw, parallel, parameterized SQL queries with the ability to accept Python values as parameters and assign output data to Python variables while concurrently running Python code. And *much* more.

hacktoberfest inline-editing ipython ipython-magic ipython-notebook jupyter jupyter-notebook jupyterlab multi-threading postgres postgresql python sql

Last synced: 17 Dec 2024

https://github.com/abdulfatir/prototypical-networks-tensorflow

Tensorflow implementation of NIPS 2017 Paper "Prototypical Networks for Few-shot Learning"

deep-learning few-shot ipython-notebook miniimagenet nips-2017 omniglot one-shot-learning tensorflow

Last synced: 05 Dec 2024

https://github.com/ai-forever/deforum-kandinsky

Kandinsky x Deforum — generating short animations

diffusion ipython-notebook kandinsky text-to-video video-generation

Last synced: 11 Oct 2024

https://github.com/jay-johnson/sci-pype

A Machine Learning API with native redis caching and export + import using S3. Analyze entire datasets using an API for building, training, testing, analyzing, extracting, importing, and archiving. This repository can run from a docker container or from the repository.

data-science devops-for-data-science docker docker-compose ipython ipython-notebook jupyter jupyter-notebook jupyter-themes machine-learning machine-learning-api predictive python red10 redis s3 seaborn stock-price-prediction xgb xgboost

Last synced: 11 Oct 2024

https://github.com/hchasestevens/show_ast

An IPython notebook plugin for visualizing ASTs.

ast ipynb ipython ipython-notebook visualization

Last synced: 18 Dec 2024

https://github.com/ssarcandy/hdr-imaging

An implementation of "Paul E. Debevec, Jitendra Malik, Recovering High Dynamic Range Radiance Maps from Photographs, SIGGRAPH 1997."

hdr-image image-processing ipython-notebook opencv3 python3

Last synced: 11 Oct 2024

https://github.com/jbn/nbmerge

A tool to merge / concatenate Jupyter (IPython) notebooks

ipython ipython-notebook jupyter jupyter-notebook nbconvert

Last synced: 11 Oct 2024

https://github.com/adeshpande3/march-madness-2017

Kaggle Competition for Predicting NCAA Basketball Tourney Games

ipython-notebook kaggle machine-learning march-madness sportsanalytics

Last synced: 11 Oct 2024

https://github.com/abdulfatir/sampling-methods-numpy

This repository contains implementations of some basic sampling methods in numpy.

ipython-notebook metropolis-hastings monte-carlo monte-carlo-methods numpy python

Last synced: 05 Dec 2024

https://github.com/iiseymour/flasked-notebooks

Rendering IPython Notebooks using Flask

flask ipython-notebook jupyter python

Last synced: 11 Oct 2024

https://github.com/iiSeymour/Flasked-Notebooks

Rendering IPython Notebooks using Flask

flask ipython-notebook jupyter python

Last synced: 31 Oct 2024

https://github.com/jbn/itikz

Cell and line magic for PGF/TikZ-to-SVG rendering in Jupyter notebooks

ipython-magic ipython-notebook jupyter jupyter-notebook latex tikz tikz-figures

Last synced: 11 Oct 2024

https://github.com/shvbsle/react-jupyter-viewer

A react component to embed .ipyb notebooks in a blog or something

ipython ipython-notebook jupyter jupyter-notebook npm react react-component react-components react-native reactjs

Last synced: 11 Oct 2024

https://github.com/korniichuk/rk

The remote Jupyter kernel/kernels administration utility

ipython ipython-notebook jupyter jupyter-kernels jupyter-notebook jupyter-notebooks jupyterhub jupyterlab python

Last synced: 11 Oct 2024

https://github.com/dnlcrl/deep-residual-networks-pyfunt

Python implementation of "Deep Residual Learning for Image Recognition" (http://arxiv.org/abs/1512.03385 - MSRA, winner team of the 2015 ILSVRC and COCO challenges).

accuracy affine-layer cifar deep-residual-learning image-classification image-recognition ipython-notebook mnist numpy python residual-networks strider training

Last synced: 11 Oct 2024

https://github.com/wenzeslaus/python-grass-addon

How to write a Python GRASS GIS 7 addon

addon gis grass-gis ipython-notebook python workshop

Last synced: 11 Oct 2024

https://github.com/chrisjsewell/pytest-notebook

A pytest plugin for regression testing and regenerating Jupyter Notebooks

coverage ipython-notebook jupyter jupyter-notebook nbdime notebook pytest pytest-plugin python

Last synced: 21 Dec 2024

https://github.com/iiseymour/nbtop

IPython Notebook server monitor inspired by htop

ipython-notebook jupyter monitoring

Last synced: 11 Oct 2024

https://github.com/upul/machine-learning-algorithms-from-scratch

A collection of commonly used machine learning algorithms implemented in Python/Numpy

implementation ipython-notebook machine-learning pyhton3 tutorial

Last synced: 11 Oct 2024

https://github.com/plusk01/nonlinearquad

A collection of Jupyter/IPython notebooks that implement quadrotor control schemes in an expository manner

control-theory ipython-notebook nonlinear quadrotor simulation sliding-mode-control

Last synced: 11 Oct 2024

https://github.com/mittalgovind/polygon-partition

Python code for partitioning rectilinear polygon in O(n) time complexity

graph-algorithms ipython-notebook polygon python3 rectangles

Last synced: 11 Oct 2024

https://github.com/markovmodel/molpx

IPython API to visualize MD-trajectories along projected trajectories inside a Jupyter notebook

free-energy ipython-notebook jupyter-notebook molecular-dynamics tica visualization widget

Last synced: 11 Oct 2024

https://github.com/jkfitzsimons/ipynotebook_machinelearning

This contains a number of IP[y]: Notebooks that hopefully give a light to areas of bayesian machine learning.

bayesian-inference bayesian-machine-learning gaussian-processes ipython-notebook kernel-methods machine-learning

Last synced: 11 Oct 2024

https://github.com/sngjuk/argparse-to-class

Transform argparse into class format for Jupyter Notebook execution

argparse argument-parser arguments ipython-notebook jupyter jupyter-notebook

Last synced: 11 Oct 2024

https://github.com/osteele/ipython-secrets

A Python package that simplifies the use of secrets in a Jupyter notebook

ipython ipython-notebook jupyter jupyter-notebook-extension keyring password-store python-package

Last synced: 11 Oct 2024

https://github.com/howardyclo/kmeans-dbscan-tutorial

A clustering tutorial with scikit-learn for beginners.

clustering-algorithm dbscan ipython-notebook kmeans scikit-learn tutorial

Last synced: 11 Oct 2024

https://github.com/somjit101/predictive-maintenance-industrial-iot

Illustrating a typical Predictive Maintenance use case in an Industrial IoT Scenario. By using Statistical Modelling and Data Visualization we attempt to performance Failure Analysis and Prediction of crucial industrial equipments like Boilers, Pumps, Motors etc. so that necessary actions can be taken by the management for their repair, servicing and optimal performance.

csv-files decision-trees eda failure-prediction feature-selection iot ipython-notebook predictive-maintenance python sensors

Last synced: 11 Oct 2024

https://github.com/luchux/ipython-notebook-nltk

An introduction to Natural Language processing using NLTK with python.

ipython-notebook natural-language-processing nltk nltk-library python

Last synced: 11 Oct 2024

https://github.com/mobeets/jekyll-ipython-markdown

build process for turning ipython notebooks into markdown files for your jekyll blog

ipython-notebook jekyll jekyll-blog markdown

Last synced: 11 Oct 2024

https://github.com/techforuk/my_eu

Code and data for myeu.uk - find out what the EU has done for your area

brexit data-science google-maps-api ipython-notebook javascript python static-site webpack

Last synced: 11 Oct 2024

https://github.com/eulerlab/open-visual-stimulator

An arbitrary-spectrum spatial visual stimulator for vision research

ipython-notebook lightcrafter neuroscience stimulator visual

Last synced: 11 Oct 2024

https://github.com/stefoe/all-conv-pytorch

Pytorch implementation of "Striving for Simplicity: The All Convolutional Net" (https://arxiv.org/abs/1412.6806)

cifar10 convolutional-neural-networks google-colab ipython-notebook python pytorch

Last synced: 11 Oct 2024

https://github.com/rameerez/bicimad-data-analysis

🚲 BiciMAD - Data analysis + ML usage predictions of Madrid's public bike system data

artificial-intelligence bicimad bicimad-data bike city data-analysis emt-opendata ipython-notebook machine-learning madrid neural-network python

Last synced: 11 Oct 2024

https://github.com/agmarrugo/sensors-actuators

Lecture notes on sensors and actuators using ipython notebooks.

actuators ipython-notebook lecture-notes mechatronics sensor

Last synced: 11 Oct 2024

https://github.com/thundergolfer/text-classify-with-cnn

:school: Easy to follow text classifying implementation using a Conv. Neural Network (Tensorflow)

conv ipython-notebook machine-learning neural-network notebook tensorflow

Last synced: 11 Oct 2024

https://github.com/vwxyzjn/jupyter_disqus

Add Disqus to your Jupyter notebook.

disqus ipython-notebook jupyter jupyter-notebook python

Last synced: 27 Sep 2024

https://github.com/callumjhays/mathpad

Type-hinted, simplified interface to `sympy` for solving engineering, science and maths problems.

compute-algebraic-systems dynamical-systems ipython-notebook latex maths python sympy units-of-measurement

Last synced: 11 Oct 2024

https://github.com/peijunz/ipynb2pelican

Integrate ipynb with pelican utilizing cell features to represent metadata and do other things in a pythonic way

blogging ipython-notebook jupyter-notebook pelican pelican-plugins

Last synced: 11 Oct 2024

https://github.com/rfsantacruz/cvx-nb

IPython Notebooks of Convex Optimization Problems

convex-optimization cvxpy ipython-notebook optimization python

Last synced: 11 Oct 2024

https://github.com/mohd-faizy/learn_python

This is a public repository of Jupyter notebooks with introductory tutorials on different aspects of Python programming. Please star us if you think it is useful:

data-structures dict-python introductory-tutorials ipython-notebook jupyter-notebooks list-in-python python-library python-practice-programs python-programming python-programming-language python3 pythondatastructure sets tuples-in-python

Last synced: 11 Oct 2024

https://github.com/brookisme/gitnb

git tracking for python notebooks

git ipynb ipython ipython-notebook jupyter-notebook python

Last synced: 11 Oct 2024