Ecosyste.ms: Awesome

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

Awesome Lists | Featured Topics | Projects

Jupyter Notebook

The Jupyter Notebook, previously known as the IPython Notebook, is a language-agnostic HTML notebook application for Project Jupyter. Jupyter notebooks are documents that allow for creating and sharing live code, equations, visualizations, and narrative text together. People use them for data cleaning and transformation, numerical simulation, statistical modeling, data visualization, machine learning, and much more.

https://github.com/alejo1630/video_tracking

This Python Notebook allows you to perform a video tracking of an object and obtain its kinematic information such as displacement, speed and acceleration.

computer-vision jupyter-notebook kinematics python video-tracking

Last synced: 08 Nov 2024

https://github.com/makiuchi-d/whitenote

The whitespace kernel for Jupyter

interpreter jupyter-lab jupyter-notebook whitespace

Last synced: 13 Oct 2024

https://github.com/youyoubilly/pantilt

This is a tool kit for controlling two servos at a pan tilt in jupyter notebook.

camera jupyter-notebook jupyterlab pantilt servo-control

Last synced: 13 Oct 2024

https://github.com/cehbrecht/jupyter-guide-to-climate-data

Jupyter Books with notebook examples for using climate data

climate-data copernicus esgf jupyter-notebook

Last synced: 27 Oct 2024

https://github.com/samdc73/flickpick

Movie Recommendation System using PyTorch and Collaborative Filtering and trained on the MovieLens 25M dataset

jupyter-notebook movielens python pytroch recommender-system

Last synced: 19 Nov 2024

https://github.com/mgobeaalcoba/datacademy

Iré subiendo los distintos desafíos del reto de Platzi llamado Datacademy

anaconda deepnote google-colab jupyter-notebook matplotlib numpy pandas python seaborn

Last synced: 19 Nov 2024

https://github.com/alejo1630/titanic_kaggle

This Python Notebook is a proposal to analyse the Titanic dataset for the Kaggle Competition, using several data science techniques and concepts.

data data-science jupyter-notebook notebook python titanic-survival-prediction

Last synced: 08 Nov 2024

https://github.com/mgobeaalcoba/exploratory_data_analysis_with_python

Explore and analyze data effectively with Python. This repository offers tools and techniques for conducting insightful exploratory data analysis (EDA) to extract valuable insights.

colab-notebook eda exploratory-data-analysis exploratory-data-visualizations jupyter-notebook models python3

Last synced: 19 Nov 2024

https://github.com/mgobeaalcoba/full_pandas_python_data

Un repo donde iré cargando todos mis trabajos y proyectos del curso de pandas en Platzi.

data-analytics deepnote google-colab jupyter-notebook pandas python

Last synced: 19 Nov 2024

https://github.com/mgobeaalcoba/maths_in_jupyter_notebooks

Jupyter Notebooks con repasos y explicaciones de matemáticas.

anaconda3 deepnote google-colab jupyter-notebook mathematics maths python

Last synced: 19 Nov 2024

https://github.com/fennifith/markdowntojupyter

NodeJS script to execute & convert code blocks in markdown files to a JupyterLab Notebook.

cli jupyter jupyter-notebook nodejs

Last synced: 05 Nov 2024

https://github.com/mgobeaalcoba/power_bi_tutorials_in_notebooks

Tutoriales de cursos de Platzi hechos en Jupyter Notebooks.

jupyter-notebook power-bi python

Last synced: 19 Nov 2024

https://github.com/mounishvatti/fedcustom

Comparing centralised machine learning and federated learning using flower framework. Building a custom strategy over the base FedAvg called FedCustom which has a higher learning rate and several other hyper parameters to increase the accuracy.

cnn decentralized fedavg federated-learning flower hypertuning jupyter-notebook logistic-regression machine-learning python

Last synced: 15 Nov 2024

https://github.com/librasteve/raku-physics-measure-jupyter

Jupyter workbook examples for raku Physics::Measure

binder jupyter jupyter-notebook raku units units-of-measurement

Last synced: 05 Nov 2024

https://github.com/alejo1630/4bar_mechanism

This Python Notebook is a tool to calculate the kinematic model (position, velocity and acceleration) for a 4-bar mechanism in several configurations

4barmechanism jupyter-notebook kinematic-modeling python

Last synced: 08 Nov 2024

https://github.com/arhcoder/reddit-network

🟠 Complete analysis on Reddit Network with data on connections between Subreddits to find communities.

communities communities-detection graph graphs jupyter-notebook python reddit reddit-network social-network social-networks stanford stanford-university

Last synced: 11 Nov 2024

https://github.com/FranzDiebold/jawsume

Use AWSume in Jupyter.

awsume jupyter jupyter-notebook jupyterlab

Last synced: 08 Nov 2024

https://github.com/douglascdev/bitcoin_e-waste

Jupyter Notebook that calculates a rough estimate of how much e-waste is generated per transaction by the Bitcoin main network, based on the expected lifespan and hash rate of the ASIC Antminer S19J Pro.

bitcoin cryptocurrency jupyter-notebook python3

Last synced: 11 Nov 2024

https://github.com/tomyc/sqlsaturday_2017

Materiały do prezentacji wygłoszonej w ramach konferencji SQLSaturday 2017 w Katowicach

2017 jupyter-notebook mssqlserver python t-sql

Last synced: 12 Oct 2024

https://github.com/alejo1630/grades_college_analysis

A Jupyter Notebook with the analysis and prediction of Final Grades (Pass/Fail) for students of mechatronics engineering in several mechanic courses.

binary-classification college-grade cross-validation data-visualization exploratory-data-analysis feature-engineering jupyter-notebook recursive-feature-elimination regression-models

Last synced: 08 Nov 2024

https://github.com/alejo1630/tensile_test

This Python notebook is used to compute mechanical properties based on a tensile test data for a metallic material

jupyter-notebook mathematical-methods mechanical-properties python tensile-test

Last synced: 08 Nov 2024

https://github.com/abdylganiwu/malariaafricaanalysis

Analysis of malaria incidence across African countries, focusing on various aspects such as trends over time, correlation with prevention strategies, and the impact of sanitation and water services.

excel jupyter-notebook pandas-python

Last synced: 09 Nov 2024

https://github.com/shadan100/stroke-prediction-analysis

A web based application to predict whether a patient is likely to get stroke based on the input parameters like gender, age, various diseases, and smoking status. Each row in the data provides relevant information about the patient.

artificial-intelligence data-analysis data-science django django-framework jupyter-notebook machine-learning matplotlib pandas predictive-modeling python stroke-prediction web-application

Last synced: 11 Oct 2024

https://github.com/naereen/iocamljs-static

A static build of IOCamlJS kernel for IPython notebook - see https://github.com/andrewray/iocamljs/tree/gh-pages

iocaml ipython-notebook jekyll-site js-of-ocaml jupyter-kernel jupyter-notebook jupyter-ocaml ocaml ocaml-jupyter

Last synced: 23 Oct 2024

https://github.com/negativenagesh/spam-ham_email_detection_machine_learning

This project focuses on classifying spam/ham emails, using machine learning algorithms like LGR, NB, RF, DT etc.. and based on the accuracy score and precision score I chose logistic regression for the classification. And I have used streamlit for frontend.

app data-analysis data-cleaning data-engineering data-science data-visualization data-visualizations jupyter-notebook logistic-regression machine-learning modeling naive-bayes-classifier nlp python

Last synced: 05 Nov 2024

https://github.com/gauravsingh9356/machine_learning

All my practical learning work involved in MACHINE LEARNING (Data Processing to Deep Learning)

deep-learning jupyter-notebook machine-learning machine-learning-algorithms nlp-machine-learning python scikit-learn

Last synced: 09 Nov 2024

https://github.com/shubhranpara/heart-disease-predictor

I have created this project as my Python term assignment. In this project I have trained a ML model to predict the heart disease using Scikit-learn library in python.

google-colab jupyter-notebook machine-learning medical prediction-model python scikit-learn

Last synced: 09 Nov 2024

https://github.com/anvesham/machinelearning_models_using_matlab

Stepwise Multiple Linear Regression (With Interactions) and Random Forest Regression on predicting the Productivity of the Garment Factory Workers

bagging-ensemble bayesian-optimization decision-trees jupyter-notebook machine-learning matlab multiple-linear-regression-model numpy python random-forest-regression

Last synced: 15 Nov 2024

https://github.com/netodeolino/tcc

Trabalho de Conclusão de Curso - Sistemas de Informação UFC

clustering data-mining extract-data jupyter-notebook python

Last synced: 19 Nov 2024

https://github.com/juliasouz/python-projects

This repository contains 4 projects: Data Analysis with Pandas, Automate Tasks Project, Salary Calculator with GUI library, and Budget Generator.

jupyter-notebook openpyxl pandas plotly pyperclip python3 time tkinter webbrowser yfinance

Last synced: 08 Nov 2024

https://github.com/maribelacosta/dief-notebooks

Jupyter Notebooks to reproduce analysis with dief R package

benchmarking dief diefficiency-metrics efficiency jupyter-notebook r reproducible-analysis

Last synced: 09 Nov 2024

https://github.com/esvs2202/credit-card-lead-prediction-model

A classification model built using Gradient Boosting classifier algorithm and deployed using flask framework, gunicorn and Heroku.

banking-application exploratory-data-analysis flask-application gunicorn-web-server heroku-deployment jupyter-notebook machine-learning-algorithms pycharm-ide python3

Last synced: 08 Nov 2024

https://github.com/mattdelaune/ecommerce_market_basket_analysis

This repository includes a Market Basket Analysis (MBA) project with advanced data cleaning and a Power BI dashboard. It identifies top revenue-driving item pairs, their impact on CLV and ATV, and offers insights for optimized product bundling and revenue growth.

anaconda git google-docs jupyter-notebook kaggle-api numpy pandas postgresql powerbi psql random sql sql-magic sqlalchemy vscode

Last synced: 11 Oct 2024

https://github.com/saket-sk/sppu-semester7-cl7_lab

Assignments Comprising ICS (Information & Cyber Security) and MLA (Machine Learning and Applications)

computer-security cyber-security java jupyter-notebook machine-learning python r rstudio-server security

Last synced: 10 Nov 2024

https://github.com/saket-sk/building-a-recommendation-engiene-course

Building a Recommendation engine course walkthrough. IDE used :- Spyder ; Environment name :- RecSys (created in Anaconda Navigator) ; Python Package used :- Surprise ; Tutor :- Frank Kane, Sundog Education

anaconda artificial-intelligence dataset jupyter-notebook machine-learning python recommender-system spyder surprise-python tutorial

Last synced: 10 Nov 2024

https://github.com/shihanng/iruby-docker

Jupyter Docker Stack image with Ruby kernel (iruby) for Jupyter/IPython Notebook enabled.

docker iruby iruby-notebook jupyter-notebook jupyterlab python ruby

Last synced: 24 Oct 2024

https://github.com/miksus/jubox

Pythonic way to operate Jupyter Notebooks in Python

jupyter-notebook python3

Last synced: 31 Oct 2024

https://github.com/matsumotosan/numerical-linear-algebra

Jupyter notebooks on concepts from numerical/computational linear algebra. Inspired by Professor Rachel Thomas' class on computational linear algebra.

applied-linear-algebra computational-linear-algebra jupyter-notebook linear-algebra numerical-linear-algebra pytorch

Last synced: 28 Oct 2024

https://github.com/techytushar/ml_and_dl

Implementation of various ML and DL algorithms in Python

100-days-of-ml-code deep-learning jupyter-notebook machine-learning python3

Last synced: 10 Nov 2024

https://github.com/sulagna-dutta-roy/coupon-prediction

Major League Hacking submission for machine learning challenge.

jupyter-notebook machine-learning major-league-hacking

Last synced: 31 Oct 2024

https://github.com/dhruvathaide/stockmarketanalysis

This is code that I have written early on to analyze the Stock Market and provide predictions which is still in the early stages!

analysis jupyter-notebook python3 stockmarket stockmarketanalysis

Last synced: 14 Nov 2024

https://github.com/sameetasadullah/neural-network-implementation

Neural Network implemented with different Activation Functions i.e, sigmoid, relu, leaky-relu, softmax and different Optimizers i.e, Gradient Descent, AdaGrad, RMSProp, Adam. You can choose different loss functions as well i.e, cross-entropy loss, hinge-loss, mean squared error (MSE)

activation-functions adagrad adam-optimizer cross-entropy-loss gradient-descent hinge-loss jupyter-notebook leaky-relu loss-functions mean-squared-error neural-network optimizers pycharm pycharm-ide python python3 relu-activation rmsprop sigmoid-activation softmax-activation

Last synced: 08 Nov 2024

https://github.com/mjbright/binder_jupyter_notebook

A first attempt at creating my own Binder Docker Image for live Jupyter Notebooks online

binder binder-docker-image binder-jupyter-notebook jupyter jupyter-notebook

Last synced: 08 Nov 2024

https://github.com/cbhihe/pydojo

Improve your coding skills with a selection of iPython notebooks

ipython-notebooks jupyter-notebook python tutorial-code

Last synced: 09 Nov 2024

https://github.com/emanuelcop3/detecao-de-fraude-de-transacoes

Um projeto de ciência de dados para prever se uma transação é uma fraude ou não.

algorithms jupyter-notebook machine-learning

Last synced: 28 Oct 2024

https://github.com/madhu-smita-behera/online-payment-fraud-detection

Online payment system offers numerous advantages including convenience, 24/7 accessibility, speed, security, tracking transactions and many more. But it also leads to payment fraudulent activities sometimes. To maintain trust and reduce financial losses, online payment fraud detection is necessary.

jupyter-notebook logistic-regression machine-learning-algorithms python3 random-forest-classifier transformation xgboost

Last synced: 08 Nov 2024

https://github.com/grantgasser/neural-network-mnist-keras

Simple neural network for the MNIST dataset

jupyter-notebook keras mnist neural-network python

Last synced: 28 Oct 2024

https://github.com/pinedah/escom_development-of-applications-for-data-analysis

This repository is a personal collection of programs, exercises, and notes from the Development of Applications for Data Analysis course at Instituto Politécnico Nacional (IPN). As part of the Bachelor's in Data Science, the course focuses on developing practical skills in Python for data analysis.

data-analysis data-science data-visualization jupyter-notebook python python-data-analysis

Last synced: 31 Oct 2024

https://github.com/mattdelaune/saas_cohort_analysis

This project analyzes customer segmentation and behavior using data science and cohort analysis. Key metrics like CRR, NRR, CLR, and CLV are examined through detailed charts, including the cohort layer cake and CLR vs. CLV cost efficiency analysis. Exploratory Data Analysis and systematic data manipulation reveal actionable insights.

anaconda git jupyter-notebook matplotlib numpy pandas python saas-data sales-data sales-data-analysis-project seaborn

Last synced: 08 Nov 2024

https://github.com/adzialocha/notebook

Jupyter notebooks for random experiments with audio processing, data analysis and machine learning

jupyter-notebook keras learning librosa music21 scikit-learn

Last synced: 05 Nov 2024

https://github.com/harsh0713/sms-spam-classification

The "SMS Spam Classification" project aims to develop a machine learning model to automatically identify and classify SMS messages as either spam or legitimate (ham).

bernoulli gaussian-naive-bayes jupyter-notebook multinomial-naive-bayes nltk-python punkt python sklearn-library stopwords streamlit string

Last synced: 31 Oct 2024

https://github.com/manasvigoyal/riveted-joints

A python program to Design Longitudinal Butt Joint and Circumferential Lap Joint.

jupyter-notebook machine-design python rivet

Last synced: 13 Nov 2024

https://github.com/varnitasharma/openweatherapi

This API project utilizes the free tier of OpenWeatherMap's API.

ai api jupyter-notebook openweather-api python

Last synced: 31 Oct 2024

https://github.com/mingrammer/deep-learning-from-scratch

Jupyter notebooks for "deep learning from scratch" book

deep-learning deep-learning-from-scratch-master jupyter-notebook tutorial

Last synced: 10 Nov 2024

https://github.com/laurentpayot/graia

An *experimental* neural network library.

ai futhark jupyter-notebook neural-network

Last synced: 12 Nov 2024

https://github.com/elcosas/spad_regression_research

Experimentations with various non-parametic regression algorithms for reconstructing transient response curves from SPAD sensors

image-processing-python jupyter-notebook

Last synced: 03 Nov 2024

https://github.com/lgautier/project-tycho-utilities

Data from Tycho Project (infectious diseases in US) into an SQLite database + demo analysis in Jupyter notebook

ggplot2 infectious-diseases jupyter-notebook r visualization

Last synced: 10 Nov 2024

https://github.com/radames/jupyter_observable_widget

Experiment embedding Observablehq notebook inside a jupyter notebook

jupyter jupyter-notebook observable-notebook observablehq

Last synced: 26 Oct 2024

https://github.com/sdam-au/gi_etl

Repository for extraction, transformation and cleaning of PHI dataset

epigraphy etl inscriptions jupyter-notebook python r

Last synced: 06 Nov 2024

https://github.com/ivaniscoding/intropythonworkshop

An interactive introductory workshop to Python

jupyter-notebook python-workshop

Last synced: 03 Nov 2024

https://github.com/j6k4m8/powerbook

Generate Powerpoint presentations from Jupyter Notebook results

jupyter jupyter-notebook matplotlib powerpoint presentation python reproducibility slideshow

Last synced: 03 Nov 2024

https://github.com/laurenzsommerlad/tum.ai-makeathon2024-amigo-challenge

Detection of rare child diseases by applying graph machine learning to a remote dataset with federated machine learning

classifier cypher docker federated-learning graph-machine-learning jupyter-notebook knowledge-graph neo4j privacy-preserving-ml python random-forest

Last synced: 10 Oct 2024

https://github.com/sunnybibyan/exploratory-data-analysis-eda

Welcome to the Titanic Dataset - Exploratory Data Analysis (EDA) project repository! This project aims to uncover insights from the Titanic dataset using Python and Jupyter Notebook. By analyzing key variables such as age, gender, and class, we aim to visualize relationships between passenger characteristics and survival rates.

data-analysis data-visualization jupyter-notebook python titanic-dataset

Last synced: 31 Oct 2024

https://github.com/deejungx/nhcr

Nepali Handwritten Character Recognition using DHCD dataset

deep-learning flask jupyter-notebook python

Last synced: 03 Nov 2024

https://github.com/blob42/face_generation_gan

Generative Adverserial Network for face generation using Tensorflow and DCGAN architecture

celeba dcgan deep-learning gan generative-adversarial-network jupyter-notebook mnist nd101 tensorflow

Last synced: 31 Oct 2024

https://github.com/quinta0/bostonhousing

An assignment for the Probability & Statistics course at USI about The Boston Housing Price Prediction project that involves building a machine learning model to predict housing prices.

assignment documentation jupyter-notebook probability python statistics

Last synced: 10 Nov 2024

https://github.com/osteele/nbcollate

Collate Jupyter assignment notebooks

classroom classroom-tools cli jupyter jupyter-notebook

Last synced: 11 Oct 2024

https://github.com/jaidevd/talentsprint-workshop

TalentSprint workshop on Machine Learning in November 2017

data-science jupyter-notebook machine-learning python sklearn tutorial

Last synced: 16 Oct 2024

https://github.com/quinta0/forestfire

An assignment for the Probability & Statistics course at USI that aims to model the spread of forest fires over a grid representing a forest landscape. The simulation accounts for various factors such as different vegetation types, terrain elevation, wind speed and direction, humidity levels, and spontaneous ignition.

assignment documentation jupyter-notebook probability python simulation statistics

Last synced: 10 Nov 2024

https://github.com/tiesen243/data-analyst

A simple data visualization with python

data-visualization jupyter-notebook

Last synced: 10 Nov 2024

https://github.com/fscm/docker-jupyter

Docker recipe to build an Jupyter Notebook image

docker docker-image dockerfile jupyter jupyter-notebook jupyterlab python3

Last synced: 07 Nov 2024

https://github.com/escorciav/drlnd-navigation

Deep Q-learning Network for autonomous navigation

jupyter-notebook python3 pytorch reinforcement-learning unity

Last synced: 12 Nov 2024

https://github.com/invictusaman/insurance-cost-analysis-regression

Showcasing Simple Linear, Multiple Linear, Polynomial and Ridge Regression on Insurance Cost Dataset to predict insurance price. Also, I have generated a report using Quarto.

jupyter-notebook linear-regression machine-learning multiple-linear-regression notebooks pipeline polynomial-regression quarto regression ridge-regression

Last synced: 31 Oct 2024

https://github.com/evardnk/dataanalyticsportfolio

Собрание моих проектов по аналитике данных

api automation data-analysis etl-pipeline jupyter-notebook jupyterlab kpis numpy pandas pipeline postgresql powerbi python sql visualization

Last synced: 31 Oct 2024

https://github.com/getcontrol/geospatial

Geospatial coding & visualization projects

geospatial geospatial-data gis jupyter-notebook kepler kepler-gl python

Last synced: 08 Nov 2024

https://github.com/kbdharun/dl-lab

This repository contains the programs that I worked out in the Deep Learning Essentials Laboratory.

college deep-learning dl ipynb jupyter-notebook machine-learning ml python sastra university

Last synced: 13 Nov 2024