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/9oelm/rdsa

(re)studying data structures and algorithms. Yeah i know, it's that time of the season again.

algorithms data-structures data-structures-and-algorithms interview jupyter-notebook

Last synced: 16 Dec 2024

https://github.com/harrydulaney/ai-machine-learning-finance

Project work from AI and Machine Learning Python

jupyter-notebook machinelearning-python python3

Last synced: 04 Jan 2025

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

Docker configuration for my Jupyter Notebook setup.

jupyter-notebook

Last synced: 16 Dec 2024

https://github.com/cano1998/eda-survival-of-the-titanic

This project focuses on Exploratory Data Analysis (EDA) to identify the key determinants that influenced survival during the infamous Titanic accident.

data-analysis data-cleaning data-preprocessing data-visualization exploratory-data-analysis jupyter-notebook titanic-survival-exploration

Last synced: 04 Jan 2025

https://github.com/ducthienbui97/pokedex

I am making a real pokedex with a model 85% accuracy top 1, 91% top 3, 93% top 5

classifier cnn cnn-keras deep-learning deep-neural-networks jupyter-notebook keras pokemon python tensorflow

Last synced: 17 Dec 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: 10 Jan 2025

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: 12 Dec 2024

https://github.com/kevinadhiguna/line-automation

A python script that allows you to send a message and an image through a LINE Notify account 📨

jupyter-notebook line line-automation line-notify python

Last synced: 11 Jan 2025

https://github.com/tonyfast/clog

code blog

blog jupyter-notebook

Last synced: 10 Jan 2025

https://github.com/pwilmart/bcp-all_qe-tmt_nat-comm-2019

Re-analysis of data from childhood acute lymphoblastic leukemia study in Nat. Comm. April 2019

irs-normalization jupyter-notebook paw-pipeline proteomics r tmt tmt-data-analyses

Last synced: 12 Jan 2025

https://github.com/mulliru/projeto-fiap-salesforce

💾Este projeto, desenvolvido para a Salesforce, visa aprimorar a acessibilidade no desenvolvimento web💻. Por meio da tecnologia, buscamos revolucionar 🚀 o cenário digital, proporcionando uma funcionalidade essencial para a autonomia de pessoas com deficiência visual.👨‍🦯

acessibility artificial-intelligence chatbot css fiap figma heatmap html5 java jupyter-notebook python salesforce technology trello

Last synced: 11 Jan 2025

https://github.com/mulliru/ai-chatbot-02-semestre

🛰Este repositório contém os materiais da disciplina Artificial Inteligence & Chatbot🤖, referente ao segundo semestre da faculdade FIAP. Aqui você encontrará🧐 meus projetos, exercícios e anotações de aula🛸

artificial-intelligence chatbot chatgpt ibm-watson jupyter-notebook node nodered pandas python

Last synced: 11 Jan 2025

https://github.com/matthewfeickert/jupyter-notebook-basics

Some examples of how to do some core things in Jupyter

binder jupyter jupyter-notebook tutorial

Last synced: 10 Jan 2025

https://github.com/exsandebest/mts-teta-hackathon

(RU) Hosts classification - MTS.Teta hackathon project

classification-model hosts hosts-classification jupyter-notebook python streamlit

Last synced: 11 Jan 2025

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: 26 Dec 2024

https://github.com/algorithmiaio/githubactions-modeldeployment-demo-algorithmiaalgo

Demo ML repository, using Algorithmia Model Deployment Github Action, to auto deploy on an algorithm hosted on Algorithmia

algorithmia ci-cd githubaction-workflow githubactions jupyter-notebook machine-learning model-deployment model-serving xgboost

Last synced: 18 Dec 2024

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/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: 21 Nov 2024

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: 21 Nov 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/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/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/is-leeroy-jenkins/budgetpy

A proto-typing and notebook environment for the analysis of budgetary data.

accounting budget budget-analysis budget-tool epa federal-government finance jupyter jupyter-notebook notebook

Last synced: 12 Nov 2024

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/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: 21 Nov 2024

https://github.com/nemeslaszlo/basic_sales_analysis

Basic analyze on a sales dataframe, where we looking for answers for basics questions and visualize them.

analysis combinations counter jupyter-notebook matplotlib pandas sales-analysis

Last synced: 01 Dec 2024

https://github.com/talha-1010/imdb-data-analysis

A data analysis project made with python using pandas

data-analysis data-visualization jupyter-notebook pandas pandas-dataframe

Last synced: 14 Jan 2025

https://github.com/nemeslaszlo/emergency-911-calls

Covers emergency (911) Calls: Fire, Traffic, EMS for Montgomery County, PA analysis with visualizations.

jupyter-notebook matplotlib numpy pandas seaborn

Last synced: 01 Dec 2024

https://github.com/nemeslaszlo/financial-crisis-effects-on-some-stocks

Focusing on bank stocks to see how they progressed throughout the 2008-09 financial crisis all the way to early 2016.

cufflinks jupyter-notebook matplotlib numpy pandas pandas-datareader plotly seaborn

Last synced: 01 Dec 2024

https://github.com/mehmoodulhaq570/bigquery_machine_learning_project

Developed a machine learning model to predict incident groups based on data from the London Fire Brigade service calls.

bigquery bigquery-dataset cloud database jupyter-notebook machine-learning machine-learning-algorithms ml models prediction-algorithm prediction-model python

Last synced: 22 Dec 2024

https://github.com/thery/coq_jupyter

Material for Coq under jupyter

coq jupyter jupyter-notebook logic

Last synced: 25 Dec 2024

https://github.com/nemeslaszlo/item-item_collaborative_filtering

Item-item collaborative filtering, or item-based, or item-to-item, is a form of collaborative filtering for recommender systems based on the similarity between items calculated using people's ratings of those items.

collaborative-filtering correlation item-item jupyter-notebook pandas

Last synced: 01 Dec 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/uvaio/datasets

Notebooks for data processing, scraping, machine learning

data dataset jupyter jupyter-notebook learning machine ml model ontology

Last synced: 28 Nov 2024

https://github.com/nemeslaszlo/sf-salaries-and-ecommerce-purchases

Very basic data analysis to explore San Francisco city employee salary data, and basic ecommerce information analysis using tha basics of Pandas. (Covers the basic Pandas operations.)

jupyter-notebook pandas

Last synced: 01 Dec 2024

https://github.com/benitomartin/rag-pii-llamaindex-milvus

https://zilliz.com/blog/ensure-secure-and-permission-aware-rag-deployments

jupyter-notebook llama-index milvus pii-anonymization

Last synced: 31 Dec 2024

https://github.com/lai-huy/csce-421

Source code for CSCE 421

jupyter-notebook machine-learning python

Last synced: 24 Nov 2024

https://github.com/lai-huy/machine-learning-for-mortality-prognosis

Source code for the Final Project of CSCE 421

jupyter-notebook machine-learning python

Last synced: 24 Nov 2024

https://github.com/nemeslaszlo/titanic-logistic-regression

This notebook covers a simple analysis with logistic regression on the popular titanic dataset.

cufflinks jupyter-notebook logistic-regression matplotlib numpy pandas plotly seaborn sklearn

Last synced: 01 Dec 2024

https://github.com/benitomartin/birds-classification

Computer Vision (Pytorch) Birds Classification

efficientnet gradio jupyter-notebook python pytorch

Last synced: 31 Dec 2024

https://github.com/knetic0/mnist-learning

🚀 Mnist learning with Tensorflow and Serving with FastAPI

deep-learning fastapi jupyter-notebook machine-learning mnist mnist-dataset python tensorflow

Last synced: 28 Nov 2024

https://github.com/farrajota/benchmark_mice_algorithms

Benchmark of Multiple Imputation using Chained Equations (MICE) algorithms on missing value imputation

algorithms benchmark docker jupyter jupyter-notebook mice notebook python

Last synced: 17 Nov 2024

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/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/sathviksai002/youtube_video_trending_analysis

We have implemented the analysis using python programming language and Jupyter notebooks. We have used many libraries available for data visualization, data scraping, analysis in python. Use of data visualization has lead to creation of data plots or diagrams which can lead to better analysis of trends in pictorial form.

analysis bokeh jupyter-notebook matplotlib-pyplot numpy pandas-dataframe python3 shell-script visualization youtube

Last synced: 09 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/faizantkhan/kaggle-eda-ml-feature-engineering

Explore the Kaggle Codes Repository for concise and powerful code snippets covering the essentials of data science and machine learning. From Kaggle competitions to real-world projects, discover insights into exploratory data analysis, machine learning models, feature engineering, and data science mathematics.

data-science eda jupyter-notebook kaggle kaggle-competition kaggle-dataset kaggle-scripts kaggle-solution machine-learning machine-learning-algorithms mathematics python python-library

Last synced: 15 Jan 2025

https://github.com/aadityasivas/scikit-learn

A jupyter notebook which trains a model with scikit-learn

jupyter-notebook scikit-learn-python

Last synced: 22 Dec 2024

https://github.com/rajdeepdas43/rag-powered-llm-chatbot

This repository develops a RAG-powered chatbot that answers questions based on a specific PDF document. Key objectives include: Chatbot Development: Chatbot using Retrieval-Augmented Generation (RAG) Dataset Creation, Performance Evaluation

devcontainer jupyter-notebook python rag

Last synced: 21 Nov 2024

https://github.com/keanteng/honkaistarrail

🎮 Simulation Study on Warp System in Honkai Star Rail

gacha gacha-game honkai-star-rail jupyter-notebook python theory

Last synced: 02 Dec 2024

https://github.com/jdavydovportfolio/careerpredictor

A project leveraging AI and Machine Learning (Logistic Regression) to predict graduate job placements. Includes data preprocessing, exploratory analysis, and predictive modeling.

artificial-intelligence exploratory-data-analysis jupyter-notebook linear-regression logistic-regression machine-learning machine-learning-algorithms machine-learning-models matplotlib ml numpy pandas pandas-dataframe predictive-modeling programming python scikit-learn

Last synced: 07 Dec 2024

https://github.com/ravgeetdhillon/ml-notebooks

Machine Learning Jupyter Notebooks.

jupyter-notebook machine-learning python

Last synced: 21 Nov 2024

https://github.com/sachithpriyamantha/face-diseases-prediction

This repository contains a mobile application and a web application which can Face Diseases Prediction.

dart firebase flutter flutterweb jupyter-notebook python

Last synced: 21 Nov 2024

https://github.com/till0196/julia-environment

Juliaがインストール済みのJupyter NotebookをDockerで立ち上げます

docker docker-compose julia jupyter-notebook

Last synced: 25 Nov 2024

https://github.com/sohamratnaparkhi/braintumordetection

A brain tumor detection model capable of detecting a brain tumor in a MRI scan image.

brian-tumor deep-learning google-colaboratory jupyter-notebook machine-learning python-3

Last synced: 08 Dec 2024

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 Nov 2024

https://github.com/aurelienmorgan/online_retail_growth

Laying some of the "Know Your Customers" / "Know Your Markets" fundations to strategizing on how to grow a business (from insight dug from the business data).

customer-journey customer-segmentation dashboard elasticsearch elk growth-marketing jupyter-notebook kibana lifetime-value prediction python ranking scikit-learn scoring

Last synced: 15 Dec 2024

https://github.com/aurelienmorgan/french_text_sentiment

Sentiment Analysis in texts written in French language using Tensorflow/Keras (and using XGBoost for hyperparameters optimization)

beautifulsoup dask fasttext french gru hyperparameters-optimization jupyter-notebook keras multiprocessing nlp python rnn scikit-learn sentiment-analysis tensorflow transfer-learning web-scraping xgboost

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

https://github.com/kevinadhiguna/find-s-algorithm

Implementation of one of algorithms in Machine Learning, Find-S Algorithm, in Python.

find-salgorithm jupyter-notebook machine-learning python

Last synced: 12 Nov 2024

https://github.com/heshamoomar/predictive-models-using-machine-learning-deep-learning

models built using various machine learning techniques to predict floods and earthquakes

data-visualization deep-learning google-collab jupyter-notebook machine-learning

Last synced: 16 Nov 2024

https://github.com/richardwarepam16/data_science_projects

This is a repository where I stored all my data science projects.

data-science jupyter-notebook machine-learning python

Last synced: 21 Nov 2024

https://github.com/jparedesds/image-classification-multilabel

🪐 Identification characters in Futurama frames - Kaggle Competition 🥉3º position - ResNet152 & Keras/Tensorflow

jupyter-notebook keras-tensorflow pytorch resnet152

Last synced: 21 Nov 2024

https://github.com/garciparedes/castile-and-leon-crops

Data Analysis of Castile and Leon Crops Area over the last years

castile-and-leon crops data-analysis data-science jupyter jupyter-notebook notebook spain

Last synced: 15 Nov 2024

https://github.com/mr-chang95/loan_data_visualization

Data Visualization Project for Udacity's Data Analyst Program. Using Python in Jupyter Notebook.

data-analysis data-visualization jupyter-notebook loans python udacity-data-analyst-nanodegree

Last synced: 28 Nov 2024