Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
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.
- GitHub: https://github.com/topics/jupyter-notebook
- Wikipedia: https://en.wikipedia.org/wiki/Project_Jupyter#Jupyter_Notebook
- Repo: https://github.com/jupyter/notebook
- Created by: Fernando Pérez, Brian Granger, and Min Ragan-Kelley
- Released: December 2011
- Related Topics: ipython, python, machine-learning, data-visualization, kernel,
- Aliases: jupyter, ipython-notebook, ipynb, ipynb-jupyter-notebook, ipynb-notebook,
- Last updated: 2025-01-29 00:16:05 UTC
- JSON Representation
https://github.com/thecalcaholic/pyschool
A python course based on interactive jupyter notebooks :)
jupyter-notebook learn-to-code learning-python programming-exercises programming-fundamentals python
Last synced: 20 Jan 2025
https://github.com/sudothearkknight/californiahousepricepredictor
we explore California's housing market, predict property prices, and unravel the factors that shape real estate values. Let's dive into data-driven insights and discover the power of predictive modeling.
jupyter-notebook kaggle learning-by-doing linear-regression machine-learning python
Last synced: 11 Nov 2024
https://github.com/billy0402/stable-diffusion-playground
My Stable Diffusion playground.
ai jupyter-notebook macos python pytorch stable-diffusion tensorflow
Last synced: 14 Jan 2025
https://github.com/prachipatel15/fake-news-detection
In this data science project idea, we will use Python to build a model that can accurately detect whether a piece of news is real or fake.
fake-news jupyter-notebook machine-learning python
Last synced: 16 Jan 2025
https://github.com/nishkarsh25/risk-profiling
In this report, we will discuss the simulation of temperature distribution, probability of error, and expected cost for a thermometer risk cost analysis. The project aims to analyze the risk involved in using a thermometer to measure the temperature of a certain object. The temperature distribution is simulated using numpy and matplotlib library.
histogram jupyter-notebook probability-distribution python
Last synced: 22 Jan 2025
https://github.com/nishkarsh25/learn-hand-written-characters-using-probability
Specifically, the code: Loads all the images of handwritten 0's and 1's from a specified directory. Creates a binary matrix of size 4x4 for each image. Goes through each matrix and counts the number of times each pixel is set to True for each digit. Uses the count to calculate the probability of each pixel being True given the digit is a 0 or 1.
jupyter-notebook mathematics pyrhon
Last synced: 22 Jan 2025
https://github.com/nishkarsh25/sentence-auto-completion-using-probability
The provided code is a language model that: Downloads several books from the Gutenberg Project website Creates different n-gram models (unigram, bigram, trigram, and quadgram) based on the words in those books Defines a function called suggest_next_word that takes a sentence as input and suggests possible words that come after the sentence...
jupyter-notebook ngram-language-model pyrhon
Last synced: 22 Jan 2025
https://github.com/nishkarsh25/know_your_habitat
Develop a platform (web/android) that performs a reverse image search and identifies the objects present in the image. The user will click an image or make a short video, and the platform will classify the content of the image or video based on different classes.
cnn-keras cnn-model jupyter-notebook python
Last synced: 22 Jan 2025
https://github.com/nishkarsh25/minimum-time-in-mess
This project involves the analysis of the minimum time spent in a mess by a person. It includes the analysis of three different factors affecting the minimum time spent in the mess: Entry rate Service rate Eating time These factors are combined to calculate the overall minimum time spent in the mess using mathematical equations.
histogram jupyter-notebook probability-distribution python
Last synced: 22 Jan 2025
https://github.com/nishkarsh25/dataset
In this code, we analyze a dataset using pandas, numpy, seaborn, and matplotlib libraries in Python. The dataset is loaded from a CSV file named "dataset.csv". The data is first analyzed in its original form and then normalized to analyze the normalized data.
dataanalysis heatmap-visualization jupyter-notebook pyrhon
Last synced: 22 Jan 2025
https://github.com/vitor-garcia-comissoli/codes_from_mac0460
Several programming exercises (EPs) developed for a College class (MAC 0460 - Introduction to Machine Learning)
csv html jupyter-notebook python
Last synced: 22 Jan 2025
https://github.com/chesterxalan/handwritingrecognition-pytorch
A sample for handwriting recognition in PyTorch.
ai deep-learning handwriting-recognition jupyter-notebook python
Last synced: 16 Jan 2025
https://github.com/chesterxalan/obstructivesleepapneadiagnosis-ecg
An auto diagnostic system for obstructive sleep apnea (OSA) based on ECG signals.
ai deep-learning diagnosis ecg jupyter-notebook obstructive-sleep-apnea python pytorch
Last synced: 16 Jan 2025
https://github.com/chukwuemekaaham/uber-gcp-etl-project
Data Engineering Zoomcamp Final Project
bigquery cloud-storage csv docker-compose gcp jupyter-notebook looker-studio mageai python spark spreadsheets terraform
Last synced: 10 Jan 2025
https://github.com/kardelruveyda/detect-email-spam-vs-ham
Detect Email Ham vs Spam with Jupyter Notebook
email ham jupyter-notebook python spam
Last synced: 16 Jan 2025
https://github.com/adrianmarino/image-captioning
image-captioning jupyter-notebook keras-tensorflow python
Last synced: 24 Jan 2025
https://github.com/yogeshnile/covid-19-india-data-analysis
In this project are used live covid-19 data
covid-19 data-analysis data-visualization india jupyter-notebook pandas plotly python
Last synced: 10 Jan 2025
https://github.com/rysuds/streamlit-jupyter
Generate Streamlit apps from a Jupyter notebook
jupyter jupyter-notebook nbconvert streamlit
Last synced: 16 Jan 2025
https://github.com/fatimaafzaal/simple-chatbot-using-python
I have made a simple chatbot in Python using Jupyter notebook using NLP
ai bot chatbot jupyter-notebook nlp python
Last synced: 16 Jan 2025
https://github.com/fatimaafzaal/student-marks-predictor
This is a machine learning model that predicts the marks of students based on the hours they study using linear regression
jupyter-notebook linear-regression machine-learning marks-prediction
Last synced: 16 Jan 2025
https://github.com/cermakm/jupyter-sequor
Follow and scroll automatically cell outputs in Jupyter notebooks
extension follow jupyter jupyter-notebook jupyter-notebook-extension logging
Last synced: 24 Jan 2025
https://github.com/adolbyb/ai-search-methods
AI Search methods from CAP 4630: Intro to AI
a-star-algorithm agent ai ai-search ai-search-algorithms alpha-beta-pruning bfs-algorithm dfs-algorithm gbfs-algorithm hill-climbing jupyter-notebook local-search-algorithm minimax-algorithm reinforcement-learning simulated-annealing-algorithm ucs-algorithm
Last synced: 20 Jan 2025
https://github.com/nekruzash/regression-correlation
This is from CS2023 - AI/DS/ML class, trained a model based on different categories of data and predicted using a linear regression for the best feature that has the greatest effect on the housing prices.
jupyter-notebook python scikit-learn
Last synced: 16 Jan 2025
https://github.com/nekruzash/machine-learning-decision-trees
This is from CS2023 - AI/DS/ML class, trained a machine learning model with heart disease data sets to predict a correlation using numpy and pandas.
jupyter-notebook numpy pandas python
Last synced: 16 Jan 2025
https://github.com/simranjeet97/quotes-analysis
Kaggle Dataset on Quotes Analysis and Visualization With Python, Pandas and MatplotLib Using Jupyter Notebook.
data data-science datavisualization jupyter-notebook kaggle kaggle-dataset machine-learning matplotlib-pyplot numpy pandas python quotes quotes-application
Last synced: 14 Jan 2025
https://github.com/jen-uis/loan-status-prediction
This repository contains project materials for the Winter STAT 206 class, University of California, Riverside, A. Gary Anderson School of Management.
data data-analysis data-analytics data-cleaning data-visualization descriptive-analytics julia julia-language jupyter-notebook predictive-analytics predictive-modeling team-collaboration
Last synced: 22 Jan 2025
https://github.com/ejw-data/ml-rideshare-dev
Exploration of Chicago rideshare data. The repo was repurposed from a model deployment example to include in later versions to include data preprocessing and model training.
css d3-visualization flask-application html jupyter-notebook python
Last synced: 22 Jan 2025
https://github.com/ejw-data/proj-election-dashboard
Heroku Flask App with Postgres Database that provides interactive graphics
bootstrap css d3-visualization flask-application html jupyter-notebook leafletjs postgresql python sqlalchemy
Last synced: 22 Jan 2025
https://github.com/alexlouden/covid-italy-comparison
Covid 19 - jupyter notebook to compare a given country to Italy's growth curve
Last synced: 16 Jan 2025
https://github.com/riju18/bangladesh_malnourished_child_identification
According to WHO(world health organization) survey in 2014, the dataset contains nourished and malnourished child information (under 5). The job is to find out whether a child is malnourished or not when a new data will come applying machine learning algorithm.
anaconda artificial-neural-network backward-elimination jupyter-notebook machine-learning-algorithms python3
Last synced: 28 Jan 2025
https://github.com/incubated-geek-cc/pdf-3-in-1
A pdf document toolkit which splits, extracts and merges specified pdf files. Deployed with Flask and accessible via Web UI.
flask-api flask-application json-api jupyter-notebook pdf-document-api pdfkit
Last synced: 16 Jan 2025
https://github.com/incubated-geek-cc/mental-healthcare-predictors
Analysis and Machine Learning Regression Model to Predict Likelihood of Seeking Mental Healthcare Treatment
jupyter-notebook machine-learning python
Last synced: 16 Jan 2025
https://github.com/fernandogomesfg/springfield_simpsons_analise
Este repositório contém análises de dados e visualizações relacionadas à série de TV 'The Simpsons'
data-science jupyter-notebook python simpsons springfield
Last synced: 14 Jan 2025
https://github.com/nitsc/strong-hash-generator
这个Python程序是一个强大的哈希生成器,它结合了15种哈希算法和独创SNF技术,以生成强壮而安全的哈希值。
arithmetic development hash jupyter jupyter-notebook personal-project python secret security security-tools software windows
Last synced: 12 Jan 2025
https://github.com/abhi-bhatra/ct_image_scanning
OpenSUSE Project (Application URL only accessible at private SUSE VPN )
flask gsoc jupyter-notebook machine-learning
Last synced: 16 Jan 2025
https://github.com/coleramos425/nflintelligence
An analysis of NFL player intelligence and its relation to performance.
data-science jupyter-notebook nflstats python scraper scrapy webcrawler
Last synced: 14 Jan 2025
https://github.com/n-elmer/premier-predict
FOOTBALL ⚽ MATCH OUTCOME ⚽ PREDICTOR
android-application android-studio artificial-intelligence java jupyter-notebook machine-learning prediction python system-development
Last synced: 22 Jan 2025
https://github.com/n-elmer/social-media-scrapper
SOCIAL MEDIA 🤼 DATA 🔁 WEB SCRAPPER
command-line jupyter-notebook python software software-development software-engineering web-development
Last synced: 22 Jan 2025
https://github.com/n-elmer/search-engine-scrapper
SEARCH ENGINE 🔎🔍 SEARCH RESULTS 🌍🌎 DATA SCRAPPER
command-line jupyter-notebook python software software-development software-engineering web-development
Last synced: 22 Jan 2025
https://github.com/rogeriopradoj/python-detalhes-ambiente
Notebook que busca detalhar todos os detalhes do ambiente do seu ambiente python / anaconda / jupyter
anaconda conda jupyter jupyter-notebook mamba notebook python
Last synced: 14 Jan 2025
https://github.com/anujdutt9/tensorflow-deeplearning
Deep Learning Tutorials using Tensorflow.
deeplearning jupyter-notebook python tensorflow-tutorials
Last synced: 13 Nov 2024
https://github.com/hacker-anakin/python-ai
This AI Python Jupyter Notebook project guides users through setting up, data manipulation with numpy/pandas, and upcoming advanced AI phases.
ai jupyter jupyter-notebook numpy python pythonai
Last synced: 22 Dec 2024
https://github.com/rajeenthan05/chest_x_ray_detection
Chest xray detect using python sample work
jupyter-notebook keras-models python-lambda python3
Last synced: 22 Dec 2024
https://github.com/krausjm7/quantum-circuit-solver-with-bluequbit
Uses Qiskit and BlueQubit platform to solve circuits, with varying qubit size measurements, with quantum algorithms to identify hidden bitstrings in circuits with 30, 42, and 60 qubits. Uses BlueQubit's advanced quantum processing units (QPU) and GPU APIs for execution of code in a high-data rate Jupyter Notebook to handle large quantum datasets.
bluequbit jupyter-notebook qiskit quantum-algorithms quantum-circuit-simulator quantum-circuits quantum-computing quantum-processing-units
Last synced: 22 Dec 2024
https://github.com/jack970/analysis-sentiment-twitter-elections
Este código, desenvolvido em Python, extrai os 100 tweets mais recentes com a API do Twitter pelos temas: "#Eleições2022 -#Lula" e analisa os sentimentos dos tweets.
eleicoes2022 jupyter-notebook matplotlib pandas python37 tweepy
Last synced: 28 Jan 2025
https://github.com/airingursb/notebook
Airing's Notebook (bulit by jupyter notebook)
Last synced: 12 Jan 2025
https://github.com/sgibson91/mybinder.org-user-survey-nlp
Using NLP on free form text responses to the mybinder.org user survey
jupyter-notebook nlp python3 survey-analysis
Last synced: 13 Nov 2024
https://github.com/poyqraz/cv2-gri-tonlama-uygulamas---
Google Colab Opencv Gri Tonlama Uygulaması - Opencv Grayscale Application
google-colaboratory jupyter-notebook python
Last synced: 12 Jan 2025
https://github.com/tynab/inferential-statistics
CyberSoft Machine Learning 03 - Inferential Statistics
anaconda anaconda-navigator cybersoft cybersoft-academy inferential-statistics ipynb jupyter-notebook machine-learning machine-learning-03 matplotlib ml ml-03 numpy pandas py python scikit-learn scipy seaborn sklearn
Last synced: 12 Jan 2025
https://github.com/courierkyn/params
Command line flags alternative for Jupyter
application flags jupyter-notebook
Last synced: 12 Jan 2025
https://github.com/marx-wrld/text-to-handwritten-converter
This project is a Python code that converts typed text to a handwritten human text using Pywhatkit library.
jupyter-notebook machine-learning python3 pywhatkit
Last synced: 12 Jan 2025
https://github.com/tynab/python-advanced
CyberSoft Data Analyst 08 - Jupyter Basic
anaconda anaconda-navigator cybersoft cybersoft-academy cybersoft-academy-da cybersoft-academy-da-08 cybersoft-academy-data-analyst cybersoft-academy-data-analyst-08 cybersoft-da cybersoft-da-08 cybersoft-data-analyst cybersoft-data-analyst-08 da da-08 data-analyst data-analyst-08 jupyter-basic jupyter-notebook python yan
Last synced: 07 Dec 2024
https://github.com/tynab/python-basic
CyberSoft Data Analyst 08 - Python Basic
anaconda anaconda-navigator cybersoft cybersoft-academy cybersoft-academy-da cybersoft-academy-da-08 cybersoft-academy-data-analyst cybersoft-academy-data-analyst-08 cybersoft-da cybersoft-da-08 cybersoft-data-analyst cybersoft-data-analyst-08 da da-08 data-analyst data-analyst-08 jupyter-notebook python python-basic yan
Last synced: 07 Dec 2024
https://github.com/tynab/numpy
CyberSoft Data Analyst 08 - NumPy Basic
cybersoft cybersoft-academy cybersoft-academy-da cybersoft-academy-da-08 cybersoft-academy-data-analyst cybersoft-academy-data-analyst-08 cybersoft-da cybersoft-da-08 cybersoft-data-analyst cybersoft-data-analyst-08 da da-08 data-analyst data-analyst-08 jupyter-notebook matplotlib numpy pandas python yan
Last synced: 07 Dec 2024
https://github.com/tynab/matplotlib-advanced
CyberSoft Data Analyst 08 - Matplotlib Charts
anaconda cybersoft cybersoft-academy cybersoft-academy-da cybersoft-academy-da-08 cybersoft-academy-data-analyst cybersoft-academy-data-analyst-08 cybersoft-da cybersoft-da-08 cybersoft-data-analyst cybersoft-data-analyst-08 da da-08 data-analyst data-analyst-08 jupyter-notebook matplotlib python squarify yan
Last synced: 07 Dec 2024
https://github.com/tynab/lottery
Xổ số kiến thiết
crawl da data-analyst deep-learning dl jupyter-notebook lottery matplotlib numpy pandas pip pip3 py python scikit-learn sklearn tynab xo-so xo-so-kien-thiet yan
Last synced: 07 Dec 2024
https://github.com/tynab/machine-learning-overview
CyberSoft Machine Learning 03 - Overview
elasticnet-regression jupyter-notebook k-nearest-neighbours knn knn-classification label-encoder lasso-regression linear-regression logistic-regression machine-learning matplotlib numpy one-hot-encoder ordinal-encoder pandas ridge-regression scikit-learn scipy seaborn sklearn
Last synced: 07 Dec 2024
https://github.com/tynab/ipywigets
CyberSoft Data Analyst 08 - ipywigets
anaconda cybersoft cybersoft-academy cybersoft-academy-da cybersoft-academy-data-analyst cybersoft-da cybersoft-da-08 cybersoft-data-analyst cybersoft-data-analyst-08 da data-analyst ipywidgets jupyter-notebook matplotlib pandas pyplot python seaborn squarify yan
Last synced: 07 Dec 2024
https://github.com/tynab/plotly
CyberSoft Data Analyst 08 - Plotly
anaconda cybersoft cybersoft-academy cybersoft-academy-da cybersoft-academy-da-08 cybersoft-academy-data-analyst cybersoft-academy-data-analyst-08 cybersoft-da cybersoft-da-08 cybersoft-data-analyst cybersoft-data-analyst-08 da da-08 data-analyst data-analyst-08 jupyter-notebook pandas plotly python yan
Last synced: 07 Dec 2024
https://github.com/tynab/linear-regression
CyberSoft Deep Learning Internal - Linear Regression
anaconda-navigator cybersoft cybersoft-academy cybersoft-academy-deep-learning cybersoft-academy-deep-learning-internal cybersoft-academy-dl cybersoft-academy-dl-internal cybersoft-deep-learning cybersoft-deep-learning-internal cybersoft-dl cybersoft-dl-internal deep-learning dl google-colab jupyter-notebook keras linear-regression python tensorflow yan
Last synced: 07 Dec 2024
https://github.com/tynab/eda-basic
CyberSoft Data Analyst 08 - EDA Basic
anaconda cybersoft cybersoft-academy cybersoft-academy-da cybersoft-academy-da-08 cybersoft-academy-data-analyst cybersoft-academy-data-analyst-08 cybersoft-da cybersoft-da-08 cybersoft-data-analyst cybersoft-data-analyst-08 da data-analyst eda jupyter-notebook matplotlib pandas python seaborn yan
Last synced: 07 Dec 2024
https://github.com/tynab/eda-advanced
CyberSoft Data Analyst 08 - EDA Advanced
anaconda cybersoft cybersoft-academy cybersoft-academy-da cybersoft-academy-da-08 cybersoft-academy-data-analyst cybersoft-academy-data-analyst-08 cybersoft-da cybersoft-da-08 cybersoft-data-analyst cybersoft-data-analyst-08 da da-08 data-analyst data-analyst-08 jupyter-notebook matplotlib pandas python seaborn
Last synced: 07 Dec 2024
https://github.com/tynab/descriptive-statistics
CyberSoft Machine Learning 03 - Descriptive Statistics
anaconda anaconda-navigator cybersoft-academy cybersoft-academy-machine-learning cybersoft-academy-ml cybersoft-machine-learning cybersoft-ml descriptive-statistics jupyter-notebook labelencoder machine-learning mathplotlib numpy onehotencoding pandas python scikit-learn scipy seaborn sklearn
Last synced: 07 Dec 2024
https://github.com/pwilmart/yeast_carbonsources
Yeast TMT data - 3 different carbon sources (from Gygi lab) analyzed with PAW pipeline and MaxQuant
jupyter-notebook paw-pipeline proteomics r statistical-testing tmt tmt-data-analyses
Last synced: 12 Jan 2025
https://github.com/pwilmart/multiple_tmt_mq
Developing mouse lens done with MQ
irs-normalization jupyter-notebook maxquant proteomics r tmt tmt-data-analysis
Last synced: 12 Jan 2025
https://github.com/pwilmart/sps-ms3_vs_ms2_tmt
Comparison of SPS MS3 TMT data to MS2 TMT data
jupyter-notebook proteomics r tmt tmt-data-analysis
Last synced: 12 Jan 2025
https://github.com/blurred-machine/sentence-inference
For every given pair of sentences -- (sentence-1, sentence-2), we need to determine if sentence-2 can be logically inferred given sentence-1.
jupyter-notebook machinelearning nlp python sentence-inference text-classification text-processing wordtovec
Last synced: 09 Jan 2025
https://github.com/blurred-machine/generate-synthetic-images-with-dcgans-in-keras
In this project, I have built a DCGAN based synthetic image generator and a discriminator on the fashion-MNIST dataset. Generated synthetic images using DCGAN and tried to fool the discriminator
dcgan-tensorflow deeplearning discriminator gan generator image-processing jupyter-notebook project python
Last synced: 09 Jan 2025
https://github.com/blurred-machine/hackerearth-ml-challenge-june-2020
HackerEarth Machine Learning Challenge to Predict the employee attrition rate in organizations. This repository contains my solution of achieving rank 300 (best 161)
elasticnet elasticnetregression hackerearth jupyter-notebook machinelearning python
Last synced: 09 Jan 2025
https://github.com/blurred-machine/fake-news-classification-using-lstm
This repository is a submission of Kaggle competition for fake news detection.
classification deep-learning jupyter-notebook lstm lstm-neural-networks machine-learning python recurrent-neural-networks
Last synced: 09 Jan 2025
https://github.com/prathameshdhande22/data-visualization-tutorial
Repository Contains all the stuff required for Data Visualization. Numpy Tutorial, Pandas Tutorial, Matplotlib Tutorial, Seaborn Tutorial
data-visualization jupyter-notebook matplolib numpy pandas pandas-dataframe python seaborn tutorial
Last synced: 14 Jan 2025
https://github.com/zackakil/oreilly-ai-conference-pragmatic-ml
Code content for my session at O'Reilly AI Conference 2018 about pragmatic ML development with SciKit Learn & TensorFlow using Google ML Engine.
colab-notebook gcp gcp-cloud-functions google-cloud jupyter-notebook machine-learning sklearn tensorflow
Last synced: 12 Jan 2025
https://github.com/belajarqywok/s-des_algorithm
Simplified DES algorithm
encryption gabut jupyter-notebook python3 symetric
Last synced: 28 Jan 2025
https://github.com/laurarestrepo03/proyecto-1-bi
css html javascript jupyter-notebook react
Last synced: 15 Jan 2025
https://github.com/juanpablo70/pgad-nba-prediction-project
Programming for Data Analysis from Open Data Sources
data-science jupyter-notebook matplotlib mysql numpy pandas pymysql python scipy seaburn sqlalchemy
Last synced: 22 Jan 2025
https://github.com/juanpablo70/pgad-exam
Midterm Exam Titanic data set
data-science dataframe dataset jupyter-notebook matplotlib numpy pandas python seaburn
Last synced: 22 Jan 2025
https://github.com/jeff1evesque/ist-exit-portfolio
MS Data Science exit portfolio
arima bag-of-words beautifulsoup docker efficient-frontier granger-causality jupyter-notebook latent-dirichlet-allocation lstm matplotlib naive-bayes nltk pandas parts-of-speech random-forest reticulate shinydashboard sklearn tensorflow
Last synced: 31 Dec 2024
https://github.com/belajarqywok/blockchain
just for fun 😁
blockhain jupyter jupyter-notebook notebook python
Last synced: 28 Jan 2025
https://github.com/senior-sigan/coursera-vvedenie-mashinnoe-obuchenie
Introduction into machine learning by HSE
course coursera-machine-learning jupyter-notebook machine-learning
Last synced: 17 Jan 2025
https://github.com/makiuchi-d/whitenote
The whitespace kernel for Jupyter
interpreter jupyter-lab jupyter-notebook whitespace
Last synced: 22 Jan 2025
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: 22 Jan 2025
https://github.com/ireneflorez/bikeshare
Exploring US Bike-Share data of 3 major cities - Using Jupyter Notebooks and Python scripts
bike-share chicago jupyter-notebook python-script
Last synced: 22 Jan 2025
https://github.com/riyadhuddin/mlbangla
a fastai blog
blog jekyll jupyter-notebook markdown python tensorflow
Last synced: 22 Jan 2025
https://github.com/ekta18/lung-cancer-detection
Lung Cancer Detection is a machine learning model using Logistic Regression for early detection of Lung Cancer as Machine Learning project.
colab-notebook detection jupyter-notebook logistic-regression python
Last synced: 15 Jan 2025
https://github.com/madhurimarawat/customer-churn-prediction
Contains Multipage Streamlit applications showing all steps of machine learning pipeline with additional recommendations at the end.
customer-churn-analytics customer-churn-prediction customer-retention data-science data-science-pipeline dataset detailed-documentation intermediate-projects internship-project jupyter-notebook machine-learning-algorithms project-codes python strategies streamlit streamlit-deployment streamlit-multipage streamlit-webapp
Last synced: 15 Jan 2025
https://github.com/chrisammon3000/brazil-fuel-price-analysis
Geospatial analysis of fuel prices in Brazil
data-science data-visualization geopandas geospatial-analysis jupyter-notebook pandas
Last synced: 22 Jan 2025
https://github.com/we-sci/public_wesci_python_logger
Documentation and examples for using We-Sci's Python Logger
jupyter-notebook open-science precedence provenance provenance-analysis provenance-model python research sdk
Last synced: 22 Dec 2024
https://github.com/unihd-cag/simple-geometry
Axis aligned geometry package with jupyter notebook integration
geometry jupyter-notebook shapes
Last synced: 22 Dec 2024
https://github.com/x-actions/python3-nbctl
将ipynb文件转化为hugo markdown文件。Convert ipynb to hugo markdown files
github-actions hugo jupyter-notebook python3
Last synced: 22 Dec 2024
https://github.com/tsu2000/bank_churn_analysis
A basic classification machine learning project to predict which customers in a bank will churn.
classification jupyter-notebook machine-learning sklearn university-project
Last synced: 15 Jan 2025
https://github.com/kharizzakaye/image-segmentation
Image Segmentation using Python and Unsupervised Learning
image-segmentation jupyter-notebook python unsupervised-learning
Last synced: 17 Jan 2025
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: 22 Dec 2024
https://github.com/rggh/bitcoinlearn
BitcoinLearn
bitcoin jupyter-notebook python
Last synced: 07 Dec 2024
https://github.com/lmtreser/jupyter-notebooks
Notebooks de aplicaciones educativas para formación técnica
arduino jupyter jupyter-notebook notebook python
Last synced: 22 Jan 2025
https://github.com/ehvenga/ece565
ECE565 - Machine Learning : Assignments and Coursework
datascience jupyter-notebook machine-learning python regression
Last synced: 28 Jan 2025
https://github.com/mr-chang95/data-modeling-with-apache-cassandra
Data Modeling With Apache Cassandra for Udacity's Data Engineering Program. Using Python in Jupyter Notebook.
apache-cassandra data-engineering data-modeling etl-pipeline jupyter-notebook python udacity-nanodegree
Last synced: 21 Jan 2025
https://github.com/craft-ai/craft-ai-starterkit-jupyter
Start using craft ai in a Python Jupyter Notebook app using the official client, in a NYC taxi context.
craft-ai jupyter-notebook machine-learning machine-learning-api python taxi
Last synced: 15 Jan 2025
https://github.com/waleedgeorgy/ml_sklearn
Implementation of various machine learning algorithms for regression and classification & feature engineering.
data-visualization jupyter-notebook machine-learning python
Last synced: 22 Dec 2024