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/naemazam/analyze-international-debt-statistics
It's not that we humans only take debts to manage our necessities. A country may also take debt to manage its economy. For example, infrastructure spending is one costly ingredient required for a country's citizens to lead comfortable lives. The World Bank is the organization that provides debt to countries.
data-manipulation importing-and-cleaning-data jupyter-notebook python sql
Last synced: 14 Jan 2025
https://github.com/ikanurfitriani/project-machine-learning-dicoding
This repository contains projects that I participated in the Lintasarta Cloudeka Digischool 2023 program.
image-classification ipynb-jupyter-notebook jupyter-notebook keras-tensorflow machine-learning python rock-paper-scissors tensorflow
Last synced: 26 Jan 2025
https://github.com/uchencho/covid19-naija
Visualizing the affected people in Nigeria on a Heatmap
heatmap jupyter-notebook nigerian python3
Last synced: 02 Jan 2025
https://github.com/sameetasadullah/multi-label-image-classification-using-tensorflow
Multi-Label Image Classifier using Tensorflow on images dataset which has six classes i.e, buildings, forest, glacier, mountain, sea, street
image-classifier image-dataset jupyter-notebook multi-label-image-classification python python3 tensorflow
Last synced: 21 Jan 2025
https://github.com/burhanahmed1/laptoppricing-machinelearning-analysis
Data Analysis, training Machine Learning models, and Model Evaluation and Refinement for LaptopPricing dataset.
data-analysis-project data-analytics-project data-aquisition data-wrangling datascience exploratory-data-analysis insights jupyter-notebook machine-learning machine-learning-models matplotlib model-evaluation-and-refinement numpy pandas python scikit-learn scipy-stats seaborn
Last synced: 06 Jan 2025
https://github.com/dudynets/python-course-assignments
Archive of assignments for the Python course at Ivan Franko Lviv National University.
assignments course jupyter-notebook python university
Last synced: 21 Nov 2024
https://github.com/shahiransari/movie_recommendation
Built Movie recommendation engine
data-science jupyter-notebook machine-learning movie-recommendation pandas-dataframe python recommendation-system
Last synced: 26 Jan 2025
https://github.com/n-elmer/foot-forecaster
TOP 🏆 WINNING FOOTBALL 🏆 TEAMS
artificial-intelligence css flask html javascript jupyter-notebook machine-learning predictive-modeling python system-development webapplication
Last synced: 21 Nov 2024
https://github.com/airmomo/transformers-docs-zh
【持续更新中】 完全中文版的 Transformers 学习笔记及演示示例,支持 Jupyter Notebook,主要内容来自 🤗 Hugging Face 中关于 Transformers 的教材文档,在官方文档的基础上修改了部分示例的代码,补充在运行过程中遇到的问题和对应的解决方案。
docs jupyter-notebook transformers
Last synced: 01 Dec 2024
https://github.com/escaped/cookiecutter-jupyter
A modern opinionated Cookiecutter template for jupyter based projects using Poetry.
cookiecutter jupyter jupyter-notebook jupyterlab poetry python python-poe
Last synced: 08 Dec 2024
https://github.com/nemeslaszlo/pagerank_and_hits
PageRank and Hyperlink-Induced Topic Search (HITS) link analysis algorithms.
hits-algorithm jupyter-notebook numpy pagerank-algorithm
Last synced: 01 Dec 2024
https://github.com/quantumudit/thereyougo-store-analysis
This project focuses on scraping all the products and their related info from the "There You Go" website; performing necessary transformations on the scraped data and then analyzing & visualizing it using Jupyter Notebook and Power BI.
data-analysis data-science data-transformation data-visualization etl jupyter-notebook power-bi python webscraping
Last synced: 26 Dec 2024
https://github.com/nemeslaszlo/kmeans_and_dbscan_clustering
Clustering is the task of dividing the population or data points into a number of groups such that data points in the same groups are more similar to other data points in the same group and dissimilar to the data points in other groups. It is basically a collection of objects on the basis of similarity and dissimilarity between them.
cluster-centers dbscan dbscan-clustering jupyter-notebook kmeans-clustering kmenas
Last synced: 01 Dec 2024
https://github.com/henrylin03/video-games
Using Python and SQL to clean, analyse and visualise video games' data from Metacritic. Includes scraping using BeautifulSoup.
analysis beautifulsoup beautifulsoup4 data data-analysis data-science eda jupyter-notebook pandas python sql sqlite3 video-game video-games
Last synced: 14 Jan 2025
https://github.com/yoongoing/bigdata_pyspark
⚡️공개용 맵리듀스 플랫폼인 Spark를 사용하여 데이터마이닝을 해보자⚡️
bigdata dataminig jupyter-notebook mapreduce mapreduce-python pyspark spark
Last synced: 17 Dec 2024
https://github.com/garystafford/real-time-iot-notebooks
Demo of AWS IoT Analytics: Jupyter Notebooks (Pandas/Spark)
aws-iot aws-iot-analytics iot jupyter-notebook
Last synced: 06 Dec 2024
https://github.com/quantumudit/analyzing-yell-cafes
This project focuses on scraping data related to cafes and coffee shops in London, England from the Yellow Pages (Yell.com) website; performing necessary transformations on the scraped data and then analyzing & visualizing it using Jupyter Notebook and Power BI.
data-analysis data-science data-transformation data-visualization etl jupyter-notebook power-bi python webscraping
Last synced: 26 Dec 2024
https://github.com/sudhanshu-ambastha/heart-disease-prediction-bot
this repository is part of multiple disease prediction system repository
anaconda heart-disease-prediction jupyter-notebook jupyter-notebook-python-sav-model kaggle-dataset python spyder-python-ide streamlit-webapp
Last synced: 24 Jan 2025
https://github.com/baransu/house-prices-svr
Predicting house prices using SVR
jupyter-notebook python sklearn svr
Last synced: 12 Jan 2025
https://github.com/quantumudit/python-projects
Consists of various projects that are primarily powered by Python
data-analysis data-science data-visualization jupyter-notebook projects python pythonapplication pythonprojects
Last synced: 06 Nov 2024
https://github.com/mayurasandakalum/breast-cancer-detection
Code for classifying breast cancer tumors using machine learning. Includes preprocessing, visualizations, and models like Logistic Regression, Decision Tree, and Random Forest. Evaluated with accuracy, precision, recall, and F1-score. Clone, install dependencies, and run the Jupyter notebook for full analysis.
accuracy breast-cancer-classification data-preprocessing decision-tree exploratory-data-analysis f1-score jupyter-notebook logistic-regression machine-learning ml model-evaluation precision random-forest recall svm visualizations
Last synced: 11 Nov 2024
https://github.com/turgut090/nlp_az_r_py_global_vectors_tr_keras
NLP for Azerbaijani language
az embeddings jupyter-notebook keras nlp r rstudio tensorflow words
Last synced: 17 Jan 2025
https://github.com/amarlearning/neural-network-handwritten-digit
Data Analysis and Machine Learning using custom Neural Network of MNIST DB Handwritten Digits
data-science handwritten-digit-recognition jupyter-notebook kaggle kaggle-digit-recognizer machine-learning neural-network numpy python3 scratch
Last synced: 14 Jan 2025
https://github.com/santosh2702/machine-learning-using-python
Summer Training
jupyter-notebook machine-learning python
Last synced: 06 Nov 2024
https://github.com/kbdharun/ml-lab
This repository contains the programs that I worked out in Machine Learning Laboratory.
college ipynb jupyter-notebook machine-learning ml python sastra university
Last synced: 21 Jan 2025
https://github.com/firaskahlaoui/customer-churn
This project aims to predict customer churn using machine learning techniques. By analyzing historical customer data, the model identifies patterns that indicate whether a customer is likely to leave. This can help businesses take proactive measures to retain customers and reduce churn rates.
customer-churn-prediction flask-application jupyter-notebook python
Last synced: 15 Nov 2024
https://github.com/janfreyberg/matlab_nbconvert
An exporter for matlab files from jupyter notebooks
jupyter-notebook matlab nbconvert
Last synced: 08 Jan 2025
https://github.com/thecuriousjuel/daily-dose-python
This repository contains the Jupyter notebook files and pdf files for all code demonstrations.
jupyter-notebook programming python-3
Last synced: 28 Dec 2024
https://github.com/nufeng1999/jupyter-myc-kernel
Minimalism Jupyter C kernel
c gcc jupyter jupyter-notebook kernel
Last synced: 07 Nov 2024
https://github.com/nafisalawalidris/data-visualization-with-python
In the final project of Data Visualisation with Python, you create impactful visualizations using popular libraries like Matplotlib, Seaborn, and Plotly. Apply skills learned throughout the course to analyze real-world data, effectively communicate insights, and enhance your data visualisation proficiency.
dash dashboards data-visualization folium jupyter-notebook matplotlib numpy python seaborn
Last synced: 23 Jan 2025
https://github.com/grantjenks/python-ivenv
Interactive virtual environments for Python.
ipython jupyter-notebook python venv virtualenv
Last synced: 20 Dec 2024
https://github.com/rutujar/androsensor
Machine Learning Technique is applied for Androsensor datasets.
androsensor jupyter-notebook python
Last synced: 23 Jan 2025
https://github.com/stelios-c/gps_analysis
Analysis of GPS interruption data in public domain
data-analysis electronic-warfare gps gps-quality jamming jupyter-notebook osint pandas python spoofing web-scraping
Last synced: 07 Nov 2024
https://github.com/cosmincatalin/object-counting-with-mxnet-and-sagemaker
End to end AWS Sagemaker application for counting the number of objects in an image using an MXNet model based on Gluon.
aws data-science detection gluon jupyter-notebook machine-learning mxnet object-detecting object-detection sagemaker synthetic-data
Last synced: 08 Nov 2024
https://github.com/maryucha/graph_pokemon
Banco de dados de grafos no Neo4j utilizando dados da PokeAPI para explorar relações entre Pokémon, como tipos, habilidades e evoluções. ------ Graph database in Neo4j using PokeAPI data to explore Pokémon relationships, such as types, abilities, and evolutions.
api-integration cypher data-visualization etl-pipeline graph graphdatabase jupyter-notebook neo4j pokeapi pokemon python
Last synced: 26 Jan 2025
https://github.com/yashika-malhotra/cardioflex-treadmill-analysis-using-descriptive-statistics-probability
Description Analysis and Visualization on CardioFlex Treadmill data to provide insights and recommendations to improve their userbase.
colab-notebook data data-visualization jupyter-notebook matplotlib numpy pandas python seaborn
Last synced: 14 Jan 2025
https://github.com/prithivsakthiur/text-to-image
Text to Image Gen [ Demo ]
a100 ai colab-notebook demo face genai hugging huggingface image image-generation image-processing ipython-notebook jupyter-notebook t4 text transformer
Last synced: 11 Oct 2024
https://github.com/yashika-malhotra/data-exploration-and-visualization-for-streaming-platform
Data Analysis and Visualization for streaming platform to provide insights and recommendations to improve their userbase.
colab-notebook data data-visualization jupyter-notebook matplotlib numpy pandas python seaborn
Last synced: 14 Jan 2025
https://github.com/enansari/basic-ai-learning-by-python
The codes I entered during learning course
ai artificial-intelligence jupyter jupyter-notebook numpy pandas python scikit-learn tensorflow
Last synced: 09 Jan 2025
https://github.com/coffeevampir3/easy-aesthetic-predictor
A repository for making an aesthetic prediction model based on the ConvneXt architecture.
aesthetic-assessment convnext gradio jupyter-notebook neural-network
Last synced: 16 Jan 2025
https://github.com/derailed-dash/youtube-and-video
Using Python APIs and AI to download YouTube videos, convert to mp3, transcribe audio
cloud-run gemini-api google-cloud jupyter-notebook python streamlit vertex-ai youtube
Last synced: 18 Nov 2024
https://github.com/risdorn/iitm-bs-programming-and-data-science
This repository contains the notes and code I have created for practice during my IITM BS in Programming and Data Science course.
Last synced: 30 Dec 2024
https://github.com/andreeadraghici/machine-learning-project
Heart Failure Prediction - 4th year - ML
jupyter-notebook machine-learning statistical-analysis
Last synced: 21 Jan 2025
https://github.com/marse11e/data-science-exploration
Репозиторий, посвященный изучению различных направлений Data Science! Здесь я собираю материалы, заметки, примеры кода и эксперименты, которые помогут мне в процессе обучения.
Last synced: 20 Nov 2024
https://github.com/aeksco/jupyter-tabula
Docker container image built with Jupyter Notebook and Tabula for PDF scraping
docker docker-image dockerfile jupyter jupyter-notebook pandas pdf pypdf pypdf2 scraper tabula tabula-py
Last synced: 23 Jan 2025
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: 31 Dec 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: 31 Dec 2024
https://github.com/lyqht/sg-bill-org-scraper
Web scraper to get Singapore Billing Organisations
jupyter-notebook numpy pandas python3 rpa scraping tagui
Last synced: 05 Jan 2025
https://github.com/upul/getting-started-with-tensorflow
Getting Started with TensorFlow: How to Build Machine Learning Models using TensorFlow
deep-learning jupyter-notebook machine-learning python-3 tensorflow
Last synced: 19 Jan 2025
https://github.com/blefnk/python
🐍 I invite you to review my experience of using Python. If you want to look at more of my opportunities or want to order a project from me, you can contact with me: [email protected]
jupyter-notebook python vscode
Last synced: 20 Dec 2024
https://github.com/fredrikaverpil/jugs
Jupyter Notebook with Google Compute Storage access
dockerfile google-storage-bucket jupyter-notebook
Last synced: 07 Jan 2025
https://github.com/abaofromcug/i-love-python
this reponsitory is for python or Jupyder
jupyter-notebook machine-learning matplotlib numpy python3 scipy
Last synced: 16 Jan 2025
https://github.com/sudhanshu-ambastha/air-quality-prediction-bot
Air quality prediction system model check readme for details
jupyter-notebook kaggel-dataset python streamlit-webapp
Last synced: 24 Jan 2025
https://github.com/n6g7/notes
Jupyter notebooks collection as a website
blog jupyter jupyter-notebook notebook notes
Last synced: 21 Dec 2024
https://github.com/mollybeach/humanx
application to collect human data
data-science jupyter-notebook jupyterlab
Last synced: 21 Jan 2025
https://github.com/eman288/sign-language
The signs that the app translates include: busy, take care, I don't know, I am fine, who, chair, internet, I am tired, excuse me, and goodbye.
ai hand-gesture-recognition jupyter-notebook mediapipe python python3 tenso
Last synced: 06 Jan 2025
https://github.com/eman288/ai-coach
The app helps you detect if the exercise is right or not. currently, we support push-ups, crunches, and squats.
ai jupyter-notebook mediapipe pose-detection python python3 tensorflow
Last synced: 06 Jan 2025
https://github.com/vaxdata22/water-quality-dw-on-sql-server
This is an MSSQL Data Warehouse and ETL implementation on specially formatted Water Quality dataset from DEFRA, UK
advanced-sql data-cleaning data-transformation data-warehousing database-schema dimension-tables etl extract-transform-load fact-table jupyter-notebook microsoft-sql-server pandas-dataframe pyodbc python sql-server-management-studio staging-area t-sql
Last synced: 18 Jan 2025
https://github.com/xinetzone/xyzstyle
Generic knowledge base template.
book d2py deep-learning jupyter-notebook python sphinx sphinx-theme xyzstyle
Last synced: 10 Oct 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: 18 Jan 2025
https://github.com/fatihilhan42/web_scraping_football_statistics_per_game_data-main
In this notebook I will describe the process of scraping data from web portal understat.com that has a lot of statistical information about all games in top 5 European football leagues.
data-analysis data-manipulation data-science data-scraping data-visualization jupyter-notebook python
Last synced: 29 Jan 2025
https://github.com/fatihilhan42/eda-on-data-science-salary-with-python
You can access the files of this project, which analyzes people working in the field of data science according to countries and working wages.
analysis data-science data-scientists data-visualization jupyter-notebook pyhton salary
Last synced: 29 Jan 2025
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: 18 Jan 2025
https://github.com/fferegrino/presentpy-jupyter
A Jupyter Extension to turn your Notebooks and Python scripts into beautiful slides.
jupyter-extension jupyter-notebook odp pptx presentation slides
Last synced: 28 Oct 2024
https://github.com/ishaansathaye/daily-problems
Daily Coding Problems on CodeSignal and LeetCode
codesignal interview-preparation jupyter-notebook leet problem-solving programming-challenges programming-excercise python
Last synced: 06 Nov 2024
https://github.com/jarvis843/stroke_prediction_ml_project
Various machine learning models that predict whether people of all age groups are going to have strokes.
conda conda-environment jupyter-notebook kaggle machine-learning mit-license neural-network python3 sklearn tensorflow tensorflow2
Last synced: 19 Dec 2024
https://github.com/arun-kc/streaming-data-amazon-kinesis
A simple producer-consumer streaming pipeline was created using AWS Kinesis and Jupyter notebook. Purely educational purpose.
aws boto3 jupyter-notebook kinesis-stream
Last synced: 18 Jan 2025
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/philippmolitor/haw-mathematik-1
Jupyter Notebooks for the HAW Hamburg Mathematics 1 course.
education haw haw-hamburg jupyter jupyter-notebook math mathematics programming programming-exercises python
Last synced: 30 Dec 2024
https://github.com/sohnryang/keras-reinforcement-learning
RL in Keras
deep-learning google-colaboratory jupyter-notebook keras openai-gym python reinforcement-learning
Last synced: 18 Jan 2025
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/maxshalom/arise
NYU ARISE Program Materials and Project Code
jupyter-notebook pandas python social-determinants
Last synced: 24 Jan 2025
https://github.com/faisal-khann/diwali-sales-analysis
The "Diwali Sales Analysis" project aims to analyze the sales data during the Diwali festival period to uncover insights and trends that can help improve marketing strategies and sales performance in the future
csv data-analysis eda jupyter-notebook matplotlib numpy pandas python seaborn
Last synced: 29 Jan 2025
https://github.com/ernanhughes/ollama-notebooks
Collection of python notebvoooks related to ollama
jupyter-notebook ollama python
Last synced: 29 Jan 2025
https://github.com/sermonzagoto/customer_churn_prediction
Customer Churn Prediction using Machine Learning
gradient-boosting-classifier jupyter-notebook logistic-regression-classifier machine-learning python3 random-forest-classifier
Last synced: 28 Jan 2025
https://github.com/pabvald/data-mining
Implementation of different Machine Learning algorithms within the Data Mining course (2019/2020) of the University of Valladolid
jupyter-notebook keras machine-learning python3 sklearn-library
Last synced: 29 Jan 2025
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 Jan 2025
https://github.com/blagojeblagojevic/lol_data_analysis
classification data-analysis data-science jupyter-notebook kaggle python3
Last synced: 21 Dec 2024
https://github.com/blagojeblagojevic/low_pass_filter_arduino
Low pass filter
arduino arduino-uno cpp digital-filters filter filter-design jupyter-notebook low-pass-filter matplotlib numpy python scipy
Last synced: 21 Dec 2024
https://github.com/conorheffron/ironoc-spark
Sample pyspark Notebook
jupyter-notebook pyspark-notebook python3
Last synced: 28 Dec 2024
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: 23 Jan 2025
https://github.com/sevdanurgenc/tensorflowtutorialbeginner
Tensor Flow Tutorial Beginner
jupyter-notebook python tensorflow tensorflow-examples tensorflow-tutorials
Last synced: 29 Jan 2025
https://github.com/vtickner/codecademy-data-engineer
These projects were created as part of Codecademy's Data Engineer Career Path course.
csv database json jupyter-notebook postgresql python schema sql
Last synced: 22 Dec 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: 21 Jan 2025
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/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/dhrupad17/cricmind-t20-world-cup-score-predictor
The T20 World Cup Score Prediction project aims to predict the total runs scored by a team in a T20 cricket match using the XGBoost algorithm. XGBoost is a popular machine learning algorithm used for predictive modeling.
flask-application jupyter-notebook machine-learning python xgboost-algorithm
Last synced: 15 Nov 2024
https://github.com/bashkirtsevich-llc/wiki-dump-parser
Wiki dump parser (jupyter)
bz2 demos jupyter jupyter-notebook jupyter-notebooks parser python python3 tutorial tutorial-code tutorials wiki wikia wikipedia wikipedia-corpus wikipedia-dump wiktionary xml xml-parser
Last synced: 22 Jan 2025
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/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: 29 Jan 2025
https://github.com/leomsgit/extrator-de-parametros-analise-hemograma-e-bioquimico
Software em Python para varrer arquivos PDF e extrair parâmetros diretamente para arquivo Excel
analysis data excel excel-export google-colab hemogram jupyter-notebook pdf pdf-document-processor pdf-viewer python python3
Last synced: 19 Dec 2024
https://github.com/chrispyles/nbforms-server
Backend server for the nbforms Python package
jupyter jupyter-notebook python
Last synced: 22 Dec 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/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/mengyaohuang/quant-python-basic
Some basic practice
jupyter-notebook python quant-python
Last synced: 05 Dec 2024
https://github.com/dhrupad17/codeclause_stock_market_prediction
This is My Task 1 as a Data science Intern at CodeClause
codeclause codeclause-task datascience jupyter-notebook python3
Last synced: 16 Jan 2025
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/vineet416/travel_data_analysis
Travel Data Analysis Internship Project at iNeuron.
data-analysis-python data-cleaning data-exploration data-preparation data-visualization exploratory-data-analysis jupyter-notebook matplotlib-pyplot pandas python seaborn statistical-analysis
Last synced: 29 Jan 2025