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/anant/example-sql-on-cassandra-with-open-source-notebooks

Files to follow along with the Open Source Notebooks and Cassandra Webinar (see README.md)

cassandra datastax datastax-studio jupyter jupyter-notebook nosql notebooks quix spark sql

Last synced: 18 Nov 2024

https://github.com/costasak/icassp2023

Jupyter Notebook associated with our submission for the 2023 ICASSP, "Sensor Selection for Angle of Arrival Estimation Based on the Two-Target Cramér-Rao Bound"

angle-of-arrival array-processing icassp icassp2023 jupyter jupyter-notebook multi-target notebook sensor-selection signal-processing sparse-sensing

Last synced: 11 Jan 2025

https://github.com/restrepo/bsm-submodules

SARAH toolbox with each tool as a submodule

binder jupyter jupyter-notebook madgraph micromegas sarah sarah-toolbox spheno

Last synced: 06 Nov 2024

https://github.com/ankushmallick1100/diabetes-prediction-using-maching-learning

This is a machine learning project that uses various machine learning algorithms to predict whether a patient is diabetic or not. Here various machine learning algorithms like SVM, RF Classifier, DT Classifier, KNN, LR , LRwith CV, NB Classifier, and XGB are used. For this work, a website is made with Python Streamlit library. Paper is ongoing.

classification cross-validation decision-tree-classifier diabetes diabetes-prediction jupyter jupyter-notebook logistic-regression machine-learning machine-learning-algorithms numpy pandas python random-forest random-forest-classifier regression streamlit support-vector-machine xgboost xgboost-classifier

Last synced: 18 Nov 2024

https://github.com/zimmi48/impact-of-switching-bug-trackers

Source and supporting data for "Impact of switching bug trackers: a case study on a medium-sized open source project"

binder-ready case-study github jupyter-notebook reproducible-research research-paper science software-engineering

Last synced: 06 Nov 2024

https://github.com/guifernandess7/conversor-sql-server-dataframe

Conversor de tabelas do SQL Server para DataFrame Pandas por meio da conexão com a biblioteca PyODBC.

data-science jupyter-notebook pandas python sql-server

Last synced: 20 Nov 2024

https://github.com/amir-tav/transfer-learning-with-resnet_50

how to implement Transfer Learning using the pre-trained ResNet50 model to classify different types of flowers

jupyter-notebook keras-tensorflow machine-learning python3 tensorflow transfer-learning

Last synced: 28 Nov 2024

https://github.com/anant/example-janusgraph-notebook

Tutorial for integrating Janusgraph with AWS graph jupyter notebook. Uses ES + Cassandra backend, over docker

aws cassandra docker-compose elasticsearch janusgraph jupyter-notebook

Last synced: 18 Nov 2024

https://github.com/dan-santos/data-science

Meus notebooks de ciência de dados.

colab-notebook data-science jupyter-notebook python

Last synced: 24 Nov 2024

https://github.com/llrizvanll/deeplearning

Udacity Deep Learning Nanodegree final Assignments!

deep-learning jupyter-notebook machine-learning neural-network udacity

Last synced: 23 Dec 2024

https://github.com/amirdh17/deep-learning-for-alzheimer-disease-detection-a-cnn-approach

Using CNN model, Alzheimer's disease can be detected in four classes (non, very mild, mild, moderate). Trained model is integrated into a python application which enable user to detect Alzheimer's disease by importing 3D MRI image (NIfTI format).

augmentation deep-learning jupyter-notebook keras kivy nibabel opencv-python pillow preprocessing python tensorflow

Last synced: 11 Jan 2025

https://github.com/abhraneel2004/python_3rdsem_aot

This is a repository that contains the Codes which are done in Python Laboratory PCC-CS393 of 3rd Semester CSE1 2023 in Academy Of Technology.

jupyter-notebook programming python python3

Last synced: 18 Nov 2024

https://github.com/armi3/programming-III

🧯 This is a collection of exercises I'm doing for my university programming III course. Java, C, Python, Nodejs and Go will be used.

c cplusplus go golang java javascript jupyter-notebook nodejs python university-course

Last synced: 14 Nov 2024

https://github.com/vijayjoshi16/handwritten-digit-recognition

HANDWRITTEN DIGIT RECOGNITION USING ML IN PYTHON WITH THE HELP OF RANDOM FOREST CLASSIFIER

handwritten-digit-recognition jupyter-notebook machine-learning python randomforest-classification

Last synced: 22 Nov 2024

https://github.com/abhayanigam/machine_learning

Machine Learning Concepts And Models using Octave and Jupyter Notebook

algorithms jupyter-notebook machine-learning machine-learning-algorithms matlab ml-algorithms ml-models model octave

Last synced: 24 Nov 2024

https://github.com/fga-eps-mds/2019.1-pylearner

Chabot para auxiliar novatos com Machine Learning utilizando o Jupyter Notebook

chatbot jupyter-notebook machine-learning tutorial

Last synced: 17 Dec 2024

https://github.com/viveksati5143/diabetes-prediction

Binary classification to predict people having diabetes.

jupyter-notebook machine-learning machine-learning-algorithms python3

Last synced: 24 Dec 2024

https://github.com/ewertondrigues02/analise-de-dados-empresa-de-telecomunicacao

Análise de Dados de Empresa de Telecomunicações / Problematização / Desafio e conclusões tiradas das análises feitas.

analise-de-dados analise-exploratoria google-colab jupyter jupyter-notebook plotly python3

Last synced: 18 Nov 2024

https://github.com/barasedih11/spamclassifier

Naive Bayes theorem applying using sklearn for Spam classifier.

jupyter-notebook machine-learning naive-bayes-classifier python sklearn supervised-learning

Last synced: 24 Nov 2024

https://github.com/beingamanforever/machine-leaning-techniques

The aim of this project is to foster coding and implementing algorithms from scratch. Here I have implemented various Machine Learning Techniques from scratch and compared how well they perform to pre-exisitng trained models.

algorthims jupyter-notebook machine-learning

Last synced: 09 Jan 2025

https://github.com/ewertondrigues02/previsao-de-vendas

Previsão de vendas de uma empresa fictícia onde foi feita análise com ferramentas como Jupyter Notebook, Google Colab, Python e bibliotecas de Machine Learn como: regressão linear, arvore de decisão, scikit-learn

analise-de-dados analise-exploratoria arvore-de-decisao ciencia-de-dados colab excel google-colab jupyter jupyter-notebook machine-learning previsao previsao-de-vendas python3 regressao-linear scikit-learn

Last synced: 18 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

https://github.com/jusce17/runtimecheck

Runtimecheck is an efficient Python library to help you quickly measure your functions's running time on a jupyter noetbook

jupyter-notebook library pypi python running runtime runtime-library runtime-metrics

Last synced: 27 Sep 2024

https://github.com/ewertondrigues02/dados-do-covid-19

Análise exploratória dos dados do COVID-19 / de 22 de Janeiro de 2020 a 27 de Julho de 2020 em 188 países análise feita com as ferramentas como: jupyter Notebook, Google Colab, Excel, Power BI e bibliotecas: Pandas, Matplotlib, Numpy.

analise-exploratoria colab covid-19 covid19 dataframe folium folium-maps folium-python google-colab jupyter jupyter-notebook numpy pandas python3

Last synced: 18 Nov 2024

https://github.com/vickumar1981/gotocode-tutorials

Jupyter Notebook tutorials for gotocode (https://gotocode.io)

gotocode java jupyter jupyter-notebook learning nodejs python scala

Last synced: 30 Dec 2024

https://github.com/quickheaven/scs-3253-machine-learning

Repository dedicated to Term Project of UofT Machine Learning Course

css html jupyter-notebook machine-learning python

Last synced: 18 Nov 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: 06 Dec 2024

https://github.com/diegofcornejo/vercel-jupyter-lite

Deploy your own Jupyter Lite on Vercel

jupyter-notebook jupyterlab notebooks vercel

Last synced: 18 Nov 2024

https://github.com/debasish-dutta/spam-email-classifier

Created spam-email classifier models using both sckit-learn modules and through the normal process using probabilities

data-science jupyter-notebook sckit-learn spam-email-classifier webapp

Last synced: 18 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: 31 Dec 2024

https://github.com/ortizfram/time-series-forecasting-prophet

Time Series forecasting on daily temperature data using the FB Prophet library. data is about MaunaLoa volcano location

jupyter-notebook prophet python time-series-forecasting visualization

Last synced: 20 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: 31 Dec 2024

https://github.com/srashti13/twitter-sentiment-analysis

Categorize tweets as a positive or negative

jupyter-notebook python python-3-6

Last synced: 22 Dec 2024

https://github.com/harisali-git/search-engine-using-nlp-with-doc-similarity-index

A search engine with Doc-Doc similarity incidence matrix to show the similarity between the documents.

inverted-index jupyter-notebook natural-language-processing nlp nlp-machine-learning python3 search-engine

Last synced: 07 Dec 2024

https://github.com/hellymodikalpesh/matplotlib

This repository is created for purpose of data visualization.This contains matplotlib library use for visualizing data

barplot boxplot histogram jupyter-notebook matplotlib pieplot scatter-plot stackplot stem stepplot subplots

Last synced: 18 Nov 2024

https://github.com/divysuthar/scheduling_algorithm

This repository offers a collection of fundamental CPU scheduling algorithms implemented in Python.

cpu-scheduling cpu-scheduling-algorithms first-come-first-serve jupyter-notebook priority-scheduling python shortest-job-first shortest-remaining-time-first

Last synced: 07 Dec 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: 30 Dec 2024

https://github.com/geertvangeest/scs-docker

Dockerfiles for images hosted at https://hub.docker.com/r/geertvangeest/single_cell_summerschool

containers deep-learning jupyter jupyter-notebook

Last synced: 05 Dec 2024

https://github.com/codewithdark-git/ai-ml-dl-notebook

This repository contains a collection of machine learning examples implemented in Jupyter Notebooks. Each notebook demonstrates a different machine learning technique or algorithm, along with explanations and code examples.

algorithms computer-vision deep-learning diffusers docker gemini genai jupyter-notebook llm machine-learning machine-learning-algorithms machine-vision nlp pipieline pythom3 python reinforcement-learning

Last synced: 22 Dec 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: 15 Dec 2024

https://github.com/cedrickchee/data-science-hacks

A collection of notebooks for engineer practicing machine learning / deep learning through hacking project-based learning.

curated-list data-science deep-learning educational jupyter-notebook machine-learning machine-learning-practice projects weekend-hacking

Last synced: 17 Nov 2024

https://github.com/gauravg-20/spam-email-detection-using-multinomialnb

The app takes email input in text format from the user and accurately classifies it either as spam or ham (not spam) with an overall accuracy of 95%. You can access the app using the link below.

jupyter-notebook multinomial-naive-bayes python spam-email-detection streamlit-webapp

Last synced: 27 Dec 2024

https://github.com/bakialmaci/image-processing

Image processing documents, resources and examples covering ELE492 course.

almaci baki baki-almaci ele492 hacettepe hacettepe-university image jupyter-notebook processing python university

Last synced: 20 Nov 2024

https://github.com/aditya172926/kaggle

These are my code about data analysis, visualization and machine learning posted on Kaggle. NOTE: There are many interactive graphs and plots in these notebooks which are not shown by GitHub, I highly recommend to visit my Kaggle profile and check out the notebooks with all the graphs and outputs there.

data-science jupyter-notebook kaggle machine-learning python

Last synced: 24 Nov 2024

https://github.com/huaxiaz/honor_engineering_analysis

This repository is adapt from the course materials for Honors Engineering Analysis at Northwestern University. The course is designed for Engineering first-year undergraduate students to learn about linear algebra and its applications.

complex-numbers complexity degree-distribution echelon-form erdos-renyi-model fractals iterative-methods jacobi-iteration jupyter-notebook linear-algebra markov-chain networkx networkx-tutorial numpy numpy-matrix pagerank-algorithm python random-graphs randomgraph

Last synced: 07 Dec 2024

https://github.com/ahmeterdempmk/car-number-detection

A car number detection app program that uses cv2, matplotlib, cvlib modules and GUI designed with Tkinter.

computer-vision cvlib jupyter-notebook object-detection python

Last synced: 17 Nov 2024

https://github.com/pradipece/two_dimensional_data_visualization

This repository for different kinds of Data science and Machine learning project

data-science data-visualization jupyter-notebook machine-learning matplotlib numpy pandas python seaborn sklearn statistics

Last synced: 30 Nov 2024

https://github.com/alejo1630/sport_stats

Data analysis of information from the summer and winter Olympic games over the years. UC Davis SQL Specialization Final Project

data-analysis jupyter-notebook olympics-dataset plotly python seaborn sql

Last synced: 31 Dec 2024

https://github.com/cworld1/da-learning

Some notes and code about CWorld learning Database Analysis

data-analysis data-science jupyter-book jupyter-notebook python r

Last synced: 23 Nov 2024

https://github.com/tasnimxpress/product-sales-analysis

Analyze some Business question about 12 month sales data using Pandas and Python Matplotlib , Plotly using Jupyter Notebook.

jupyter-notebook matplotlib pandas-python plotly

Last synced: 24 Nov 2024

https://github.com/aflah02/horse2zebra_cyclegan_pytorch

Usage of a Pretrained CycleGAN Model to Convert Horse Pictures to Zebras

cyclegan deep-learning gans image-processing jupyter-notebook neural-network python pytorch

Last synced: 20 Nov 2024

https://github.com/erikerlandson/1-pass-data-science

Demo notebook and data for Spark Summit Dublin 2017: One-Pass Data Science with Generative T-Digests

apache-spark feature-importance jupyter jupyter-notebook pyspark python t-digest variable-importance

Last synced: 06 Jan 2025

https://github.com/rakumar99/sales-prediction-analysis-using-machine-learning

This project predicts customer purchase amounts during Black Friday sales using machine learning models. The analysis leverages customer and product data, applying algorithms like Linear Regression, Decision Trees, and Random Forests. Future improvements include hyperparameter tuning, new feature creation, and experimenting with additional models.

jupyter-notebook machine-learning-algorithms predictive-modeling python

Last synced: 19 Dec 2024

https://github.com/owengombas/genyus

🐍 Lyrics analysis with genius.com, Python and Jupyter Notebooks

api data data-science genius jupyter-notebook lyrics python statistics

Last synced: 18 Dec 2024

https://github.com/erikerlandson/moc-ray-demo

A demonstration of using the Ray distributed computing platform with Jupyter on Open Data Hub.

jupyter jupyter-notebook opendatahub operate-first ray

Last synced: 06 Jan 2025

https://github.com/robertopatino1/oscars2023_data_analysis

A deep data science analysis involving tweets regarding the upcoming Academy Awards

data data-analysis-python data-science data-visualization html jupyter-notebook lda-model machine-learning python trends tweepy twitter

Last synced: 17 Nov 2024

https://github.com/meetptl04/imagestyletranfer

This project demonstrates how to apply neural style transfer using TensorFlow and a pre-trained VGG19 model. The goal is to combine the content of one image with the style of another to create a stylized image. The repository includes code for image processing, loss computation, style transfer, and visualization

image-processing jupyter-notebook keras matplotlib tenserflow

Last synced: 21 Dec 2024

https://github.com/mateuschaves/calculo-diferencial-e-integral-i

Resolução dos exercícios da disciplina Cálculo diferencial e integral I do curso de Sistemas de Informação na Universidade de Pernambuco

calculus derivatives integral jupyter-notebook latex-document limits resolution

Last synced: 17 Nov 2024

https://github.com/mateuschaves/vetores

Resolução dos exercícios da disciplina Vetores do curso de sistemas de informação na Universidade de Pernambuco, utilizando a ferramenta Jupyter Notebook.

algebra document geometry jupyter-notebook resolutions university-project vector

Last synced: 17 Nov 2024

https://github.com/ahmeterdempmk/digit-recognition-with-ann

A simple digit recognition project with MNIST dataset using Artifical Neural Networks.

ann deep-learning digitrecognition jupyter-notebook

Last synced: 17 Nov 2024

https://github.com/5peaker/engineering-pancake

Tracking personal Python study - includes SeSAc, Kaggle, and so on.

jupyter-notebook kaggle machine-learning python

Last synced: 17 Nov 2024

https://github.com/jefferyustc/codesnippets

Code Snippets that are useful in daily programming, mainly in python or R language

jupyter-notebook python3 r snippets snippets-collection

Last synced: 20 Nov 2024

https://github.com/fernandogomesfg/moz-covid-populacao

População Afetada pelo Coronavírus nas Províncias de Moçambique

covid-19 jupyter-notebook matplotlib matplotlib-pyplot mocambique moz pandas python python3

Last synced: 14 Jan 2025

https://github.com/sermonzagoto/project_python

Assesment Python from Skill Academy by Ruang Guru

data-science jupyter-notebook pandas-python python

Last synced: 30 Nov 2024

https://github.com/aowangphilly/axiomathbf

A PyPi Mathematical Aid Package for Multivariate Calculus (MATH 200)

drexel jupyter-notebook math200 multivariate-calculus python

Last synced: 13 Dec 2024

https://github.com/qjs/jupyternotebooks

Quick short and simple notebooks

jupyter-notebook

Last synced: 17 Nov 2024

https://github.com/aniketkkajania/instagramautomation

The Instagram Automation project is a Selenium-based automation tool that simplifies tasks on Instagram. It offers functions for logging in, searching, following/unfollowing, liking/unliking posts, extracting followers, checking stories, and analyzing user behavior.

automation instagram instagramautomation jupyter-notebook python selenium webdriver webscraping

Last synced: 20 Nov 2024

https://github.com/meetup-python-grenoble/cartographie

Atelier de cartographie en Python - Meetup Python Grenoble du 28/03/2024

cartography folium jupyter jupyter-lite jupyter-notebook meetup plotly

Last synced: 20 Nov 2024

https://github.com/yashika-malhotra/micromobility-service-provider---hypothesis-testing

Examined factors influencing demand for micro-mobility shared electric cycles Performed exploratory analysis and hypothesis testing, revealing the distinct influence of weather-season association on hourly counts

colab-notebook data-visualization eda exploratory-data-analysis hypothesis-testing jupyter-notebook matplotlib matplotlib-pyplot numpy pandas python scipy-library scipy-stats seaborn skit-learn

Last synced: 14 Jan 2025

https://github.com/lorenzopegorari/cremonaroadaccidentsanalysis

Analysis of road accidents that happened in Cremona, Lombardy, Italy, between 2009 and 2022. Made using Jupyter Notebook, pandas, seaborn and matplotlib.

data-analysis-python jupyter-notebook matplotlib pandas python seaborn

Last synced: 25 Dec 2024

https://github.com/kanishk3813/plantpath

PlantPath is an advanced plant pathogen detection system leveraging deep learning techniques for early identification and precise classification of plant pathogens. By analyzing images of plant leaves, it empowers farmers with timely insights, minimizing crop damage and optimizing agricultural practices for sustainable farming.

cnn-model deep-learning jupyter-notebook python pytorch tensorflow

Last synced: 24 Nov 2024