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: 2024-11-19 00:15:48 UTC
- JSON Representation
https://github.com/anonymous-leviathan/hf_transformers
Hugging Face Transformers is an open-source library that provides pre-trained models for natural language processing (NLP) tasks like text classification, translation, and question answering. It supports popular transformer models like BERT, GPT, and T5, making it easy to fine-tune and deploy models for various NLP applications.
huggingface jupyter-notebook machine-learning natural-language-processing python transformer
Last synced: 31 Oct 2024
https://github.com/ankitjha2202/wind-power-prediction
Wind Power Prediction using Stacking Ensemble Machine Learning Algorithm
jupyter-notebook machine-learning stacking-ensemble
Last synced: 11 Nov 2024
https://github.com/e2b-dev/examples
Examples of how to use E2B
agents ai e2b environments examples jupyter-notebook python sdk
Last synced: 11 Nov 2024
https://github.com/psmths/bigram-file-analysis
Proof of concept that leverages machine learning to classify files based on their bigram frequency distributions.
bigrams file-analysis jupyter-notebook machine-learning matplotlib numpy python
Last synced: 16 Nov 2024
https://github.com/dpgitaccount/file-handling-data-analytics-toolkits
In this repo File handling, Inventory management system and data toolkits resources are provided these are essential for managing, storing, and manipulating data in various formats, such as JSON files. JSON (JavaScript Object Notation), is widely used for data exchange due to its simplicity and readability. also File Handling included in this repo.
filehandling inventory-management json jupyter-notebook numpy os
Last synced: 31 Oct 2024
https://github.com/betulcfb/music_recommender_system
A music recommender system using Python, NLP (TF-IDF), and machine learning (content-based filtering) to analyze video descriptions and suggest similar music. Built with pandas, scikit-learn, and NLTK.
jupyter-notebook python visual-studio-code
Last synced: 31 Oct 2024
https://github.com/mahmoudnamnam/nyc_taxi_trip_duration_predection
The project aims to predict NYC taxi trip durations using advanced regression techniques. We utilized Polynomial Linear Regression, Ridge Regression, and Lasso Regression for feature extraction and achieved a validation R² score of 0.67. Feature engineering included KMeans clustering, Haversine distance calculation, and date-time feature extraction
clustering jupyter-notebook lasso-regression pandas polynomial-regression ridge-regression sklearn
Last synced: 10 Oct 2024
https://github.com/aloiscrr/iss-position-prediction
Tracking position of International Space Station with Open Notify API, also trying to predict it's future position.
jupyter-notebook open-notify python3
Last synced: 12 Nov 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/xymoh/discord-hutao
Hu Tao Chatbot made for Discord app! Chat with the bot who talks just like Hu Tao from Genshin Impact!
chatbot discord jupyter-notebook model python
Last synced: 11 Nov 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: 12 Nov 2024
https://github.com/abeldiress/heart-disease-prediction
A deep neural network built from the UC Irvine Dataset used to predict heart disease.
health heart-disease-prediction jupyter-notebook ml science
Last synced: 11 Nov 2024
https://github.com/chukwuemekaaham/data-engineering-zoomcamp
Datatalks Club Free Data Engineering Zoomcamp Project
bigquery dbt docker-compose duckdb gcp gcp-cloud-storage github-actions jupyter-notebook kafka linux looker-studio mageai pandas postgresql prefect python redpanda risingwave spark terraform
Last synced: 16 Nov 2024
https://github.com/mayankyadav23/t20i-world-cup-2024-analysis
Explore my Jupyter Notebook 📊 featuring comprehensive datasets and visualizations from the 2024 T20 World Cup analysis. Discover key insights into player performances 🏏, match statistics 📈, and team dynamics, making it a valuable resource for cricket enthusiasts and analysts alike! 🌟et enthusiasts and analysts alike!
cricket data-cleaning-and-preprocessing data-visualization icc insights jupyter-notebook t20-world-cup
Last synced: 31 Oct 2024
https://github.com/nirmit27/dog-vs-cat-classification
A binary image classification model based on Transfer Learning for distinguishing images of dogs from cats.
binary-classification deep-learning glob image-classification image-processing jupyter-notebook machine-learning opencv opencv2 python tensorflow transfer-learning
Last synced: 11 Nov 2024
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: 16 Oct 2024
https://github.com/lebrancconvas/data-playground
Data Science and Analysis Playground.
data-analysis data-science jupyter-notebook numpy pandas python python3 seaborn statistics
Last synced: 11 Nov 2024
https://github.com/chriskyfung/pandas_stock_notebook
使用Pandas和Pandas Datareader的查詢香港股票的Jupyter Notebook範例
hkex hong-kong jupyter-notebook pandas pandas-datareader python quandl stock-prices
Last synced: 11 Nov 2024
https://github.com/ireneflorez/bikeshare
Exploring US Bike-Share data of 3 major cities - Using Jupyter Notebooks and Python scripts
bike-share chicago jupyter-notebook python-script
Last synced: 12 Nov 2024
https://github.com/easonlai/eda_for_prudential_life_insurance_sample_data
Notebook sample of Exploratory Data Analysis (EDA) for Prudential Life Insurance Sample Data
azure-databricks azuredatabricks data-analysis data-analysis-python data-analytics databricks databricks-notebooks eda exploratory-data-analysis insurance insurance-sample-data jupyter-notebook python python3
Last synced: 10 Nov 2024
https://github.com/ireneflorez/marketing_ab_analysis
Analyze results from A/B testing, to identify enrollment rates, completion rates, average classroom time, average landing page reading time, and A/B test results overall.
ab-testing analysis education jupyter-notebook marketing-analytics python
Last synced: 12 Nov 2024
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: 31 Oct 2024
https://github.com/rakumar99/cancer-prediction-using-machine-learning-
This project uses PyCaret to classify cancer as malignant or benign based on cell nucleus features from fine needle aspirate (FNA) images. The best-performing model achieved an AUC score of 99.47%, ensuring accurate detection for early diagnosis.
classification jupyter-notebook machine-learning pycaret python vscode
Last synced: 31 Oct 2024
https://github.com/1300sarthak/sjfit
SJFit.Ai is designed for San Jose State University students and anyone looking to lead a fit lifestyle. This application tracks users' physical activity by analyzing joint angles. By implementing APIs such as MediaPipe, OpenCV, and AI algorithms, SJFit.Ai automatically counts workout repetitions during the user's exercise routines.
ai jupyter-notebook mediapipe python tensforflow
Last synced: 31 Oct 2024
https://github.com/piinalpin/research-collection
Collection of Any Research of Data and Text Mining
jupyter-notebook python python3 research research-project text-mining
Last synced: 19 Nov 2024
https://github.com/yashmagane/natural-language-engineering
Some jupyter notebooks for some NLE
jupyter-notebook natural-language-programming python
Last synced: 31 Oct 2024
https://github.com/mekhyw/modeling-and-simulation-of-the-physical-world
Discrete and continuous mathematical modeling of 1st and 2nd order dynamical systems, numerical simulation of models of dynamical systems using Python, principles of scientific methodology. Credits to professors Fabio Pelicano, Fabio Bobrow and Fabio Hage
excel jupyter-notebook object-tracking scipy simulation
Last synced: 12 Nov 2024
https://github.com/geo-y20/loan-approval-automation-using-mongodb-and-pymongo
This project demonstrates the implementation of a loan approval system that utilizes MongoDB for distributed data storage and management, and PyMongo for database operations. The project aims to automate the assessment of loan eligibility using customer details from online applications.
crud-application data data-analysis data-science data-visualization deployment jupyter-notebook loan-default-prediction loan-prediction-analysis machine-learning machine-learning-algorithms matplotlib mongodb pymongo streamlit web
Last synced: 10 Nov 2024
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: 31 Oct 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: 31 Oct 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: 12 Nov 2024
https://github.com/gbennnn/learn-data-science
Repo Kuliah Pengantar Data Science
data-science jupyter-notebook python
Last synced: 31 Oct 2024
https://github.com/westurner/nbmeta
RDF, JSON-LD, YAML-LD metadata support for Jupyter Notebook, Sphinx
jsonld jupyter-notebook linked-data linkedreproducibility rdfa rdfs schema-org
Last synced: 12 Nov 2024
https://github.com/ssciwr/jupyter-data-exploration
Data Exploration with Python and Jupyter [SSC Compact Course]
jupyter-notebook pandas python ssc-compact-course
Last synced: 09 Nov 2024
https://github.com/anshumansinha3301/occupational-hazard-analysis
The Occupational Hazard Analysis Using Industry Data project aims to analyze safety metrics across various industries to identify trends in reported incidents, injuries, and fatalities.
consulting-services data-science industrialisation jupyter-notebook python
Last synced: 31 Oct 2024
https://github.com/johnpaulada/datascience-experiment-notebooks
📔 A bunch of Jupyter Notebooks of my data science explorations.
data-science jupyter-notebook python
Last synced: 16 Nov 2024
https://github.com/trallard/bad_days
Bioinformatics Awareness Days
bioinformatics genetics jupyter-notebook r rna-seq
Last synced: 09 Nov 2024
https://github.com/johnsesana/pyspark-better-show
Small Function that displays Spark Dataframes "df.show()" in a better UI (similar to Pandas) in a notebook
Last synced: 31 Oct 2024
https://github.com/aiday-mar/keras-image-classification
Jupyter Notebook created for classifying images using neural networks, done for EPFL
deep-learning jupyter-notebook keras machine-learning neural-networks python university-project
Last synced: 09 Nov 2024
https://github.com/lifeomic/phc-sdk-py
The phc-sdk-py is a developer kit for interfacing with the PHC API on Python 3.8 and above.
developer-kit jupyter-notebook pypi python sdk team-clinical-intelligence
Last synced: 12 Nov 2024
https://github.com/trainingbypackt/beginning-application-development-with-tensorflow-and-keras-elearning
Learn to design, develop, train, and deploy TensorFlow and Keras models as real-world applications
css javascript jupyter-notebook juypter makefile python vue
Last synced: 14 Nov 2024
https://github.com/kyrcha/ml-rants
Various machine learning and statistics notebooks and pipelines
jupyter-notebook machine-learning python python3 r
Last synced: 14 Nov 2024
https://github.com/johnpaulada/microsoftml-experiment-notebooks
A collection of Microsoft ML experiment Jupyter notebooks.
jupyter-notebook machine-learning microsoft-machine-learning microsoft-machine-learning-server microsoftml
Last synced: 16 Nov 2024
https://github.com/samimbr/tp-m1-rsd-usthb-
TP M1 RSD USTHB 2023 2024 , Scripts et Rapports , ALGO , ASGBD , SE , ALGO REPARTIE , MULTIMEDIA
algorithms-and-data-structures c complexity compression cv2 image-processing java jupyter-notebook linux oracle parallelism plsql python rle rmi semaphore socket sql tcp udp
Last synced: 29 Oct 2024
https://github.com/trainingbypackt/beginning-data-science-with-python-and-jupyter-elearning
Perform reproducible data analyses with these data exploration tools
dataanalysis datascience html jupyter jupyter-notebook python
Last synced: 14 Nov 2024
https://github.com/pythonista7/opencv_selftut
Teaching myself some image processing with opencv and python
30daysofcode algorithms c datastructures jupyter-notebook jupyter-notebooks opencv opencv-python opencv-tutorial python3
Last synced: 27 Oct 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: 09 Nov 2024
https://github.com/hupe1980/tmac
Agile Threat Modeling as Code
agile appsec cybersecurity devsecops jupyter-notebook openthreatmodel threat-modeling threatbook threatmodeling
Last synced: 17 Oct 2024
https://github.com/juliencrn/data-sci-sandbox-example
Example of data-science project - could be used as a starter
bot data-science docker jupyter-notebook python trading trading-bot
Last synced: 26 Oct 2024
https://github.com/harrydulaney/ai-machine-learning-finance
Project work from AI and Machine Learning Python
jupyter-notebook machinelearning-python python3
Last synced: 09 Nov 2024
https://github.com/mikebsg01/python3-for-finance
Investment fundamentals & data analytics exercises
anaconda conda data-analytics finance ipynb jupyter-notebook numpy pandas python python3 python35
Last synced: 09 Nov 2024
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/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: 09 Nov 2024
https://github.com/mohitbansal964/machine-learning-algorithms
Implementation of machine learning algorithms like linear regression, logistic regression, decision trees, etc. in python
decision-tree-classifier decision-trees jupyter-notebook linear-regression logistic-regression machine-learning machine-learning-algorithms naive-bayes naive-bayes-classifier python python3 random-forest sklearn
Last synced: 16 Nov 2024
https://github.com/farahibrar/programming-in-python
Explore a comprehensive collection of Python programming for diverse data analysis and data science projects. This repository covers data exploration, visualization, statistical analysis, machine learning, NLP, and model deployment. Perfect for enthusiasts looking to delve into practical examples and advanced techniques.
beautifulsoup dataanalysis docker flask folium jupyter-notebook machine-learning matplotlib nltk numpy pandas python pytorch scikit-learn scikitlearn scipy seaborn spacy statsmodels tensorflow
Last synced: 15 Oct 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: 09 Nov 2024
https://github.com/fabien0102/labs-bundle-typescript-test
Nothing interesting here, just a test with jupyter-labs and typescript.
jupyter-notebook testing typescript
Last synced: 25 Oct 2024
https://github.com/fredrikaverpil/jugs
Jupyter Notebook with Google Compute Storage access
dockerfile google-storage-bucket jupyter-notebook
Last synced: 10 Nov 2024
https://github.com/myles/docker-jupyter
Docker configuration for my Jupyter Notebook setup.
Last synced: 29 Oct 2024
https://github.com/shreyashsomvanshi/sentiment-analysis-nlp
NLP- Sentiment Analysis
jupyter-notebook natural-language-processing python pythonprojects sentiment-analysis
Last synced: 05 Nov 2024
https://github.com/sunsided/spark-atlas
Spark vs. MongoDB Atlas
data-processing docker jupyter-notebook mongodb mongodb-atlas pyspark python spark
Last synced: 02 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: 26 Oct 2024
https://github.com/swimshahriar/heart-attack-prediction
Heart attack prediction from 13 features.
jupyter-notebook pandas python3 scikit-learn
Last synced: 02 Nov 2024
https://github.com/abdylganiwu/malariaafricaanalysis
Analysis of malaria incidence across African countries, focusing on various aspects such as trends over time, correlation with prevention strategies, and the impact of sanitation and water services.
excel jupyter-notebook pandas-python
Last synced: 09 Nov 2024
https://github.com/serhatderya/house-prices---advanced-regression-techniques
This machine learning model was developed for "House Prices - Advanced Regression Techniques" competition in Kaggle by using several machine learning models such as Random Forest, XGBoost and LightGBM.
ai artificial-intelligence data-science ju jupyter-notebook lightgbm lightgbm-regressor machine-learning machinelearning prediction python random-forest random-forest-regression regression scikit-learn xgboost xgboost-regression
Last synced: 09 Nov 2024
https://github.com/serhatderya/tabular-playground-series
This repository contains solutions of monthly Tabular Playground Series in Kaggle.
ai artificial-intelligence data data-preprocessing data-processing data-science data-visualization jupyter-notebook kaggle machine-learning numpy pandas python regression scikit-learn scikitlearn-machine-learning seaborn software statsmodels
Last synced: 09 Nov 2024
https://github.com/serhatderya/store_sales__time_series
This repository contains machine learning models that is developed for Store Sales dataset from Kaggle.
ai artificial-intelligence data-science jupyter-notebook kaggle kaggle-competition machine-learning machine-learning-algorithms prediction python time-series time-series-analysis
Last synced: 09 Nov 2024
https://github.com/masuduzzaman811/aqi-deployment
In the repo, I calculated efficiency of some Machine Learning algorithms such as 1. Linear regression 2. SVM algorithm 3. KNN algorithm 4. Random forest algorithm and some more based on an AQI dataset. Technologies: Python, Jupyter Notebook , HTML
Last synced: 21 Oct 2024
https://github.com/kelvin229/machinelearningwebapp
Software Developer Salary Predictor
anaconda3 analytics conda-environment data data-science data-visualization jupter jupyter-notebook maachine-learning matplotlib numpy pandas python python3 scikit-learn scikitlearn-machine-learning virtual-machine visualization
Last synced: 09 Nov 2024
https://github.com/serhatderya/medical_examination_research
This repository contains a research about medical examinations (such as body measurements, results from various blood tests, and lifestyle choices).
catplot data-analysis data-analytics data-cleaning data-preparation data-preprocessing data-science data-visualization eda exploratory-data-analysis exploratory-data-visualizations heatmap jupyter-notebook medical preprocessing python research seaborn
Last synced: 09 Nov 2024
https://github.com/jhwa426/big-data-and-machine-learning
Big Data, Data Mining / Machine Learning techniques
data-science google-colaboratory jupyter-notebook machine-learning probabilistic-models python sql statistics
Last synced: 31 Oct 2024
https://github.com/cdcgov/lpsubp
LpSubP is a rapid subtyping tool for Legionella pneumophila with core gene set
bioinformatics coregene dendrogram heatmap jupyter-notebook legionella matplotlib pipeline python subtyping
Last synced: 08 Nov 2024
https://github.com/manav-khandurie/breast-cancer-ml-models
A repo containing the collab notebook and research work regarding breast cancer prediction using ML Algos
jupyter-notebook machine-learning neural-network
Last synced: 31 Oct 2024
https://github.com/justincpresley/ibm-quantum
An archive repository that holds all protocols learned in the Intro to Quantum Computing course (CSC-5903) at TTU.
ibm ibm-quantum-computer ipython-notebook jupy jupyter-notebook protocol qds quantum quantum-algorithms quantum-computing quantum-mechanics quantum-otp quantum-security quantum-teleportation
Last synced: 27 Sep 2024
https://github.com/build-on-aws/jupyter-notebook-ml-batch-amazon-eks
Container-ready Jupyter Notebook application based on a TensorFlow 2.12.0/Python 3.10 image, utilizing XGBoost model training for structured data
docker jupyter-notebook python tensorflow xgboost
Last synced: 07 Nov 2024
https://github.com/hchandeepa/stroke-risk-prediction-system-a_machine_learning_approach
Machine learning models for stroke incidence prediction.
jupyter-notebook logistic-regression machine-learning prediction python
Last synced: 15 Nov 2024
https://github.com/szilvia-csernus/openai-audio-api-calls
Speech-to-text and text-to-speech API call examples, using OpenAI's whisper-1 and tts-1 models.
jupyter-notebook openai openai-api tts-1 whisper
Last synced: 09 Oct 2024
https://github.com/baccega/flower-classifier
🌷🧠 A convolutional neural network coded in Python, using PyTorch, to classify Oxford's 102 Category Flower Dataset
convolutional-neural-networks deep-learning flower-classification jupyter-notebook neural-network python pytorch
Last synced: 15 Oct 2024
https://github.com/sosiristseng/template-juliabook-literate
Publishing Julia notebooks with Literate and Jupyter Book
github-actions julia jupyter-book jupyter-notebook literate template
Last synced: 10 Nov 2024
https://github.com/hit07/data_science
Data [ Exploration, Cleaning, Manipulation, Visualisation ]
data-analysis data-cleaning data-exploration data-manipulation data-visualization eda jupyter-notebook matplotlib numpy pandas-dataframe scipy
Last synced: 15 Oct 2024
https://github.com/1ayanabil1/healthcare-machine-learning
Explore our open-source repository focused on healthcare machine learning. We've developed predictive models for cardiovascular disease, diabetes, breast cancer, and more. Our projects employ diverse machine learning algorithms and data science techniques, enhancing early detection, diagnosis, and patient outcomes.
data-analysis data-science deep-learning disease disease-detection disease-modeling disease-prediction eda healthcare-application heathcare jupyter-notebook machine-learning machine-learning-algorithms machinelearning-python python
Last synced: 10 Nov 2024
https://github.com/esperanca-leonardo/late-pay-notify
late-pay-notify automates overdue payment notifications by identifying late payments and sending email reminders to customers.
datetime dotenv excel gmail-smtp jupyter-notebook pandas python
Last synced: 09 Nov 2024
https://github.com/benitomartin/birds-classification
Computer Vision (Pytorch) Birds Classification
efficientnet gradio jupyter-notebook python pytorch
Last synced: 08 Nov 2024
https://github.com/saani765/book-recommender-system
This is a book recommender system I created as a learning project for machine learning :)
flask-application jupyter-notebook machine-learning pycharm-ide python
Last synced: 31 Oct 2024
https://github.com/xoriantopensource/jupyter-webcomponents
This repository contains examples of how to supercharge your Jupyter Notebooks with Dynamic Behaviour via Web Components
jupyter-notebook python webcomponents
Last synced: 09 Nov 2024
https://github.com/bhavik-jikadara/house-price-prediction
House Price Prediction
data-science dataprocessing eda jupyter-notebook machine-learning matplotlib model numpy pandas python seaborn test-train-dataset
Last synced: 09 Nov 2024
https://github.com/salgo60/factgrid
binder factgrid jupyter-notebook kepler wdp8168 wikibase
Last synced: 27 Oct 2024
https://github.com/flojud/movie-recommender
Jupyter Notebook to combine my Netflix and Amazon Prime Video watch history
data-science jupyter-notebook pandas-dataframe
Last synced: 09 Nov 2024
https://github.com/siddhant-k-code/covid-19-analysis
COVID-19 Analysis of All Countries including China,US,India,Italy,etc.
covid-19 covid-19-brazil covid-19-data covid-19-data-analysis covid-19-india covid-19-italy covid-19-us dataset dataset-visualization france germany jupyter-notebook python visualization
Last synced: 07 Nov 2024
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 Nov 2024
https://github.com/siddhant-k-code/happyindependenceday
Creation of Indian National Flag with Python, From a Newbie Python Programmer / Student
day flag happy independence india jupyter-notebook python
Last synced: 07 Nov 2024
https://github.com/edydkim/dse-interview
This dataset is part of the Give Me Some Credit Kaggle competition. The data contains loan applicant information collected by a US credit bureau. Each row represents a single loan application and the information gathered on the applicant at the time of the application. This project does ETL into a specific database in batch scheduler and web API as well. Then, it presents how the data looks and feels in jupyter notebook (markdown) for Data Scientist Engineer interview.
jupyter-notebook plpgsql spring-boot
Last synced: 26 Sep 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: 08 Nov 2024
https://github.com/alejo1630/video_tracking
This Python Notebook allows you to perform a video tracking of an object and obtain its kinematic information such as displacement, speed and acceleration.
computer-vision jupyter-notebook kinematics python video-tracking
Last synced: 08 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: 08 Nov 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: 08 Nov 2024
https://github.com/pxr687/jupyprint
A simple python package to print markdown and LaTeX equations from code cells in Jupyter notebooks.
jupyter-notebook jupyter-notebooks latex markdown
Last synced: 15 Oct 2024