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/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/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/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/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: 21 Jan 2025
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/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/mengyaohuang/quant-python-basic
Some basic practice
jupyter-notebook python quant-python
Last synced: 05 Dec 2024
https://github.com/aeksco/hackathon_jupyterhub
A hackathon-friendly JupyterHub deployment with Docker & NGINX.
jupyter-notebook jupyterhub jupyterhub-hackathon nginx open-data pandas python2 python3 r-notebook tensorflow
Last synced: 23 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/amatofrancesco99/covid-19_new-cases-prediction
Covid-19 fourth wave it's close in Italy, but how we can know when the situation starts to be critical? We want to predict the new cases future trend, with a good model, knowing what happened in previous days.
covid-19 covid-19-italy data-science jupyter-notebook lasso-regression linear-regression new-cases polynomial-regression python ridge-regression spline-regression
Last synced: 23 Jan 2025
https://github.com/ituvtu/datamining-ab-testing
This project focuses on conducting A/B testing to evaluate the effectiveness of two marketing campaigns. Using statistical analysis and hypothesis testing, we determine which campaign is more effective in improving conversion rates.
a-b-testing data-analysis data-analysis-python data-mining ipynb jupyter jupyter-notebook python
Last synced: 16 Jan 2025
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/leemengtw/nbdev_template
blogging jupyter-notebook nbdev python
Last synced: 23 Jan 2025
https://github.com/i-am-nolan25/bells-palsy-ml-research
A Machine Learning Model to Grade the Severity of Bell's Palsy
artificial-intelligence dlib healthtech jupyter-notebook machine-learning matplotlib numpy opencv pandas python research scikit-learn scipy
Last synced: 16 Jan 2025
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: 21 Jan 2025
https://github.com/hamzacham/data_set-projet-7
tutoriel_sql
jupyter-notebook mysql mysql-database paython sql
Last synced: 07 Jan 2025
https://github.com/tdr-void/math_game_python
An educational game developed in Python using PyQt5 and Jupyter Notebook, designed to improve mathematical skills and quick response times through interactive challenges.
Last synced: 18 Jan 2025
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/bydevmar/jupyter_neo4j
This repository demonstrates Python integration with Jupyter Notebooks and Neo4j, showcasing a basic social media network model and database interaction.
jupyter-lab jupyter-notebook neo4j neo4j-database python3
Last synced: 21 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: 18 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/shettysach/handwriting-calculator
A calculator that uses handwritten digits and operators to calculate the result, using contour detection and CNN model prediction. Tensorflow (Keras) is used to create, train and load the neural network model used for predictions. CustomTKinter is used to provide the GUI. OpenCV and Pillow (PIL) are used for contour detection.
basic-arithmetic-operations calculator cnn cnn-keras convolutional-neural-networks digit-recognition handwriting-calculator handwritten-digit-recognition jupyter-notebook keras keras-models keras-neural-networks mnist mnist-classification mnist-handwriting-recognition opencv opencv2 pillow tensorflow tensorflow-models
Last synced: 21 Dec 2024
https://github.com/redhat-na-ssa/datasci-fingerprint
Explore the wonders of ML with fingerprints
classification data-science dataset image-classification jupyter-notebook machine-learning tensorflow tensorflow-tutorials
Last synced: 03 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: 18 Jan 2025
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/Accelerator086/Numerical-Methods-in-Finance-Using-Scipy
UIBE SBF 02035057 数值分析
Last synced: 03 Nov 2024
https://github.com/tomyc/sqlsaturday_2017
Materiały do prezentacji wygłoszonej w ramach konferencji SQLSaturday 2017 w Katowicach
2017 jupyter-notebook mssqlserver python t-sql
Last synced: 20 Jan 2025
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: 20 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/saltiola7/data-analysis-portfolio
Data engineering & analysis portfolio, which showcases my use of Python & SQL
airflow airtable-block anaconda automation back4app chatgpt csv-parser data-analysis data-engineering docker-compose gcp graphql-api jupyter-notebook nosql prefect python rest-api sql streamlit web-scraping
Last synced: 21 Dec 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/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/johnmata0427/proyecto-final-de-analisis-de-datos
Casos de Estudio con Data Lake
azure data-science datalake jupyter-notebook nosql powerbi sql
Last synced: 14 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/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/arun2002k/face-gait_estimation
Real time Face, gait estimation using Opencv, Scikit-learn, pandas library
face-recognition gait-analysis jupyter-notebook python3
Last synced: 21 Jan 2025
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/henriquesebastiao/desafio-target
Desafio técnico da Target Sistemas
desafio jupyter-notebook matplotlib python teste-tecnico
Last synced: 21 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/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/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: 18 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/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/bajajcodes/packetanalysis
Packet Analysis using Wireshark Utilite i.e tshark . Here it is done in two parts One is DNS Packets Analysis which creates a Profile based on DNS Queries and Duration of Watch && Compares with other Profiles. Second IP_Addresses and Port Numbers Analysis in General View.
analysis jupyter-notebook python3 tshark wireshark
Last synced: 21 Dec 2024
https://github.com/ivanhercaz/canarybot
CanaryBot works in the Wikimedia projects mainly in maintenance tasks!
jupyter-notebook maintenance-tasks mediawiki-bot pywikibot wikidata wikidata-bot wikimedia
Last synced: 21 Dec 2024
https://github.com/mirsazzathossain/dockerized-jupyter
This repo 📚 contains a `docker-compose.yml` file for running a Jupyter notebook 📓 server in a Docker container 🐳. Easily save your notebooks and conda environments 🐍 to your local machine for simple access and restoration. Say goodbye to dependency issues and installation headaches 🤕 and start using Jupyter now! 🚀
anaconda-environment conda-environment docker docker-compose docker-container docker-image docker-jupyter docker-jupyter-env dockerfile jupyter jupyter-client jupyter-docker jupyter-kernels jupyter-notebook jupyter-server jupyterlab
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: 18 Jan 2025
https://github.com/maastrichtu-ids/business-analytics
Business Analytics module part of Data Science certification
graph-analytics jupyter-notebook turicreate
Last synced: 21 Dec 2024
https://github.com/kamakshi4023/brain-tumour-detection
ML based project which uses various techniques to build a hybrid model for identifying brain tumour in MRI images
jupyter-notebook keras machine-learning ml numpy python seaborn sklearn sklearn-metrics tensorflow
Last synced: 09 Oct 2024
https://github.com/ajla-brdarevic/zadace-iz-vjestcke-inteligencije
Zadaće iz predmeta Vještačka inteligencija - PTF UNZE SI II Ciklus I Semestar 2024/25
jupyter-notebook python simulated-annealing-algorithm
Last synced: 29 Dec 2024
https://github.com/seankwarren/modeling-and-simulation-samples
A sampling of various analytical and numerical models and simulations, ranging from the newtonion physics of a slinky drop, to the simulation of 2D excitable systems with the FitzHugh-Nagumo Model.
javascript jupyter-notebook modeling-and-simulation numerical-methods physics-simulation python
Last synced: 14 Dec 2024
https://github.com/tebe-nigrelli/personal-analysis
Data analysis of personal habits
emacs jupyter-notebook org-mode python quantified-self
Last synced: 21 Dec 2024
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/sevdanurgenc/tensorflowtutorialbeginner
Tensor Flow Tutorial Beginner
jupyter-notebook python tensorflow tensorflow-examples tensorflow-tutorials
Last synced: 29 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: 23 Jan 2025
https://github.com/jbayardo/aa-tp1
Machine learning on spam
email-classifier jupyter-notebook numpy pandas python scikit-learn spam-filtering text-processing
Last synced: 07 Dec 2024
https://github.com/saberzero1/advent-of-code
Advent of Code.
advent-of-code aoc jupyter jupyter-notebook python python3
Last synced: 16 Dec 2024
https://github.com/kiritoind/neural-network-for-cat-image-classification
This script defines essential functions for constructing a deep neural network from scratch for image classification. It includes activation functions like sigmoid and ReLU, data loading from H5 files, parameter initialization, forward and backward propagation for training, gradient descent for parameter updates, and functions for prediction
classification computer-vision deep-learning deep-neural-networks jupyter-notebook numpy python
Last synced: 05 Jan 2025
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/cevheri/ai-ml-train
AI course - step by step
ai com deep-learning jupyter-notebook large-language-models machine-learning nlp
Last synced: 05 Jan 2025
https://github.com/ashwinvis/jupyter-wordcloud
:speech_balloon: Generate wordclouds from jupyter notebooks
jupyter jupyter-notebook wordcloud
Last synced: 18 Dec 2024
https://github.com/saberzero1/world-religion-data-visualization
Visualization of the World Religion Data dataset.
binder binder-ready buddhism christianity correlates-of-war data-science data-visualisation data-visualization dataset hinduism islam jupyter-notebook jupyterlab personal-project python religion visualisation visualization
Last synced: 21 Dec 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/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/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/elcosas/spad_regression_research
Experimentations with various non-parametic regression algorithms for reconstructing transient response curves from SPAD sensors
image-processing-python jupyter-notebook
Last synced: 21 Dec 2024
https://github.com/conorheffron/london-travel-net
jupyter-notebook snowflake snowflake-sql
Last synced: 05 Jan 2025
https://github.com/34j/ut-course-catalog
Python package for fetching UTokyo Online Course Catalogue (Unofficial)
catalog course dataset hacktoberfest itc-lms itclms jupyter-notebook python syllabus university utas utokyo
Last synced: 28 Oct 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/nirmalyabag20/diabetes-prediction-using-machine-learning
This project focuses on predicting diabetes using machine learning algorithms based on health metrics like glucose levels, blood pressure, and BMI. By comparing different models, the goal is to identify the most accurate approach for early diabetes detection, showcasing the potential of machine learning in healthcare.
decision-tree-classifier jupyter-notebook kneighborsclassifier logistic-regression matplotlib numpy pandas python random-forest-classifier scikit-learn seaborn svc
Last synced: 19 Dec 2024
https://github.com/jimthompson5802/datascience_containers
Personal docker images for various data science software stacks
data-science docker h2oai jupyter-notebook kubernetes python rstudio-servers spark
Last synced: 29 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/dunkelstern/electret_preamp
Electret Microphone Preamp based on Texas Instruments Single-Supply, Electret Microphone Pre-Amplifier Reference Design by John Caldwell
electret jupyter-notebook kicad microphone pcb-layout preamp schematic
Last synced: 05 Dec 2024
https://github.com/tamk-kol/end-to-end-anomalies-ml-project
Creating a custom ML project then deploying in environment for testing and further observations of Industrial Data.
anomaly-detection anomaly-detection-algorithm dataanalysis dataanalysisusingpython jupyter-notebook machine-learning machinelearning mysql mysql-database mysql-server python python3
Last synced: 06 Jan 2025
https://github.com/kanukim97/data_analysis
Data_Analysis with jupyter notebook
Last synced: 20 Jan 2025
https://github.com/goulu/python_finesses
Les finesses de Python
french jupyter-notebook python tutorial
Last synced: 22 Dec 2024
https://github.com/fbraza/neo4j_project
A report giving a concise overview of Neo4J database using python and exploiting data from the DisGeNet repository
binder disgenet exploiting-data jupyter-notebook neo4j python
Last synced: 26 Jan 2025
https://github.com/wadiebenabdouh/socialmedia-usage-pipeline
Data from Kaggle, containing wide range of users with different age, gender, and interest.
apache-spark data-visualization jupyter-notebook kaggle pyspark python spark
Last synced: 16 Jan 2025
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
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/sermonzagoto/data_manipulation_with_pandas
Data Manipulation with Pandas - Part 1
data-analysis data-science jupyter-notebook pandas-python python
Last synced: 28 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: 28 Jan 2025
https://github.com/anvesham/machinelearning_models_using_matlab
Stepwise Multiple Linear Regression (With Interactions) and Random Forest Regression on predicting the Productivity of the Garment Factory Workers
bagging-ensemble bayesian-optimization decision-trees jupyter-notebook machine-learning matlab multiple-linear-regression-model numpy python random-forest-regression
Last synced: 16 Jan 2025
https://github.com/ansh-info/industrial-scale-penicillin-simulation
Optimizing industrial-scale penicillin production using machine learning and data analysis.
jupyter-notebook machine-learning matplotlib numpy pandas python scikit-learn
Last synced: 28 Jan 2025
https://github.com/qhdwight/stanford-intern-2019
My project for my 2019 Stanford summer internship
awscli django golang jupyter-notebook postgresql python
Last synced: 08 Oct 2024
https://github.com/samuelastech/image-classification
Create classes with Python, Tensorflow, and Keras to recognize the images you want
jupyter-notebook keras keras-models python tensorflow
Last synced: 20 Jan 2025
https://github.com/ansh-info/ansh-info.github.io
Interactive developer portfolio featuring real-time tools visualization, ML demonstrations, and 3D skill representations built with React and Vite.
data-science docker git github github-actions javascript jupyter-notebook machine-learning portfolio portfolio-website react reactjs tailwindcss vim vscode website
Last synced: 19 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: 26 Jan 2025
https://github.com/a-r007/totally-human-typer
This project automates typing tasks on the MonkeyType website using Selenium WebDriver. It simulates different typing methods (e.g., letter-by-letter, word-by-word) at a customizable speed and retrieves typing statistics such as words per minute (WPM), accuracy, and consistency.
jupyter-notebook monkeytype python selenium web-driver-chrome
Last synced: 09 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: 26 Jan 2025
https://github.com/busraozdemir0/datascienceproject
Youtube Trend Video İstatistiklerinin Analizi
classification-algorithm data-analysis data-analysis-python data-science jupyter-notebook linear-regression-algorithm lineer-regresyon machine-learning machine-learning-algorithms matplotlib nonlinear-regression numpy pandas python seaborn unsupervised-learning
Last synced: 07 Dec 2024
https://github.com/seankwarren/water-quality-analysis
An examination of water quality in the Atlanta watershed with a focus on identifying neglected areas and potential strategies for improving water quality monitoring
analytics data-analysis jupyter-notebook python
Last synced: 14 Dec 2024
https://github.com/adolbyb/data-science-python
An Introduction to Data Science and Data Visualization with the FAU Data Science and Machine Learning Club
data-analysis data-science data-visualization jupyter-notebook matplotlib numpy pandas python seaborn
Last synced: 20 Jan 2025
https://github.com/waleedgeorgy/deep_learning_tensorflow
Various different TensorFlow DL projects and materials for development, studying and referencing.
deep-learning jupyter-notebook machine-learning python
Last synced: 22 Dec 2024
https://github.com/billy0402/tibame-swift-deep-learning
A learning project from TibaMe Swift deep learning course.
ai app coreml course createml jupyter-notebook python swift tensorflow
Last synced: 14 Jan 2025
https://github.com/mmsaki/whale_portfolio
Using Python and Pandas, determine which portfolio is performing the best across multiple areas: volatility, returns, risk and Sharpe ratios.
datetime finance jupyter-notebook matplotlib numpy pandas pathlib python quantitative-finance seaborn stock-market trading-strategies
Last synced: 20 Dec 2024