Projects in Awesome Lists tagged with titanic-survival-prediction
A curated list of projects in awesome lists tagged with titanic-survival-prediction .
https://github.com/ashishpatel26/titanic-machine-learning-from-disaster
Start here if... You're new to data science and machine learning, or looking for a simple intro to the Kaggle prediction competitions. Competition Description The sinking of the RMS Titanic is one of the most infamous shipwrecks in history. On April 15, 1912, during her maiden voyage, the Titanic sank after colliding with an iceberg, killing 1502 out of 2224 passengers and crew. This sensational tragedy shocked the international community and led to better safety regulations for ships. One of the reasons that the shipwreck led to such loss of life was that there were not enough lifeboats for the passengers and crew. Although there was some element of luck involved in surviving the sinking, some groups of people were more likely to survive than others, such as women, children, and the upper-class. In this challenge, we ask you to complete the analysis of what sorts of people were likely to survive. In particular, we ask you to apply the tools of machine learning to predict which passengers survived the tragedy. Practice Skills Binary classification Python and R basics
titanic titanic-data titanic-data-analytics titanic-dataset titanic-disaster titanic-kaggle titanic-passenger-data titanic-problem titanic-survival titanic-survival-exploration titanic-survival-prediction titanickaggle
Last synced: 14 May 2025
https://github.com/ttitcombe/simple-vfl
A demo of vertical federated learning on simple datasets
titanic-survival-prediction vertical-federated-learning vfl
Last synced: 11 Apr 2025
https://github.com/ivanmrsulja/titanic-survivability-prediction
Testing different ML models on famous Titanic dataset from kaggle. (100% accuracy)
deep-learning machine-learning titanic-dataset titanic-kaggle titanic-survival-prediction
Last synced: 03 Dec 2024
https://github.com/wawanwidiantara/single-layer-perceptron
Single Layer Perceptron predicting Titanic survival, collaborative project.
single-layer-perceptron tensorflow titanic-survival-prediction
Last synced: 13 Apr 2025
https://github.com/debhere/titanic-disaster
A machine learning model to predict the survivors
classification kaggle-competition titanic-survival-prediction
Last synced: 27 Apr 2025
https://github.com/ruban2205/titanic-classification
Welcome to the Titanic Classification project repository! This project aims to predict whether a passenger on the Titanic survived or not based on various features such as age, gender, class, and more.
classification machine-learning prediction python titanic-dataset titanic-survival-prediction
Last synced: 21 Nov 2024
https://github.com/mhmzdev/titanic-survival-ml-model
A Machine Learning Model based on Logistic Regression that predicts the survival of passengers travelled in Titanic.
logistic-regression machine-learning machine-learning-algorithms titanic-kaggle titanic-survival-prediction
Last synced: 04 Apr 2025
https://github.com/nano-bot01/titanic-survival-prediction-using-machine-learning
Titanic Survival Prediction using Logistic Regression
ankit-nainwal logistic-regression machine-learning ml ml-models nano-bot01 regression titanic-dataset titanic-kaggle titanic-survival titanic-survival-prediction
Last synced: 12 Mar 2025
https://github.com/s-sutharsan-20/titanic-survival-prediction
Titanic Survival Prediction
machine-learning python titanic-survival-prediction
Last synced: 24 Feb 2025
https://github.com/lintangwisesa/flask_sklearn_titanicsurvivor
Simple Flask App with Logistic Regression model to predict Titanic survivor ⛰💥🚢
flask machine-learning sklearn titanic-survival-prediction
Last synced: 26 Feb 2025
https://github.com/geekquad/titanic-survival-exploration
Very basic data exploration of the Titanic Dataset.
basic-learning eda titanic-survival-prediction
Last synced: 24 Feb 2025
https://github.com/walidalsafadi/titanic-disaster
In this challenge, we ask you to build a predictive model that answers the question: “what sorts of people were more likely to survive?” using passenger data (ie name, age, gender, socio-economic class, etc).
data-analysis data-science decision-trees eda gradient-boosting knearest-neighbors machine-learning-algorithms naive-bayes random-forest titanic-kaggle titanic-survival-prediction
Last synced: 16 Mar 2025
https://github.com/shivam1808/titanic-survival-prediction-using-machine-learning
Titanic Survival Prediction Using Machine Learning
machine-learning model prediction titanic-survival-prediction
Last synced: 06 Mar 2025
https://github.com/mgobeaalcoba/survival_predictor_on_the_titanic_scikit_learn
Titanic Survival Predictor using Scikit-Learn: Machine learning model and analysis to predict passenger survival on the Titanic based on historical data.
matplotlib numpy pandas python3 scikit-learn seaborn titanic-dataset titanic-kaggle titanic-survival-prediction
Last synced: 13 Mar 2025
https://github.com/clarelgibson/kaggle-titanic-in-r
My workup of the Kaggle Titanic tutorial using R.
kaggle machine-learning titanic titanic-kaggle titanic-survival-prediction
Last synced: 04 Mar 2025
https://github.com/ianjure/titanic-survivor-prediction
Predicting Titanic passengers' survival using machine learning.
predictive-modeling streamlit titanic-survival-prediction
Last synced: 21 Mar 2025
https://github.com/somenath203/titanic-survival-project-frontend
Click the link below to checkout the website live
axios chakra-ui react react-router-dom-v6 titanic-survival-prediction
Last synced: 14 Mar 2025
https://github.com/gajendrasharma-github/titanic_case_study
Classification Based Learning Project on Survivors of Titanic
classification machine-learning titanic-survival-prediction
Last synced: 06 Mar 2025
https://github.com/iamabhaytiwari343/machine-learning
Machine Learning Algorithms
car-price-prediction house-price-prediction lasso-regression linear-regression logistic-regression titanic-survival-prediction
Last synced: 15 Mar 2025
https://github.com/mrankitgupta/titanic-survival-prediction-93-xgboost
Titanic Survival Prediction Project (93% Accuracy)🛳️ In this notebook, The goal is to correctly predict if someone survived the Titanic shipwreck using different Machine Learning Model & Hyperparameter tunning.
classification data-analysis data-science data-visualization gradient-boosting kaggle-competition linear-regression logistic-regression machine-learning machine-learning-algorithms ml ml-models nlp prediction predictive-modeling random-forest titanic titanic-kaggle titanic-survival-prediction xgboost
Last synced: 11 Mar 2025
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: 20 Feb 2025
https://github.com/md-emon-hasan/ml-project-titanic-survival-prediction
🚢 Titanic survival outcomes using various classification. It includes comprehensive approach to data preprocessing, training, and evaluation.
data-science deployment falsk machine-learning titanic-kaggle titanic-survival titanic-survival-prediction
Last synced: 02 Mar 2025
https://github.com/ganesh2409/titanic_survival_prediction
A Streamlit-based web application that predicts the survival of Titanic passengers based on various input features. The app allows users to explore the Titanic dataset and make predictions using a trained machine learning model. Includes data cleaning, feature engineering, and model training using Logistic Regression.
data-processing feature-engineering machine-learning streamlit titanic-survival-prediction
Last synced: 28 Feb 2025
https://github.com/sverrenystad/titanic-survival-predictor
Which types of people were more likely to survive the Titanic Disaster?
machine-learning titanic-survival-prediction
Last synced: 10 Apr 2025
https://github.com/grachale/predict_titanik
Predicting the survival of Titanic passengers (binary classification) with usage of decision tree and KNN from scikit-learn.
classification decision-tree-classifier knn-classifier matplotlib pandas python scikit-learn titanic-survival-prediction
Last synced: 02 Mar 2025
https://github.com/lynk4/kaggle
This repository houses Python notebooks and scripts that contain solutions to Kaggle competitions.
aimodel data-science dataprocessing datasets datavisualization kaggle kaggle-competition kaggle-dataset kaggle-house-prices kaggle-scripts kaggle-solution machine-learning python3 titanic-dataset titanic-kaggle titanic-survival titanic-survival-prediction
Last synced: 13 Apr 2025
https://github.com/suniksha12/codesoft
I am highly Grateful and thankful to Codesoft for providing me this Internship Oppurtunity and take my first step in the field of Data Science this is a place where i can learn, grow and explore.I will be giving my 100% of the knowledge and completing all the task in the given time interval.
data-science dataset git linkedin python titanic-kaggle titanic-survival-prediction
Last synced: 26 Feb 2025
https://github.com/sanjiv856/machine_learning_scikit-learn
Repository for machine learning in Python using Scikit-learn.
pipelines python scikit-learn sklearn titanic-kaggle titanic-survival-prediction
Last synced: 07 Apr 2025
https://github.com/goutamhegde002/ml-and-data-science-projects
Few simple ML and Data Science related Projects
acidity-prediction data-science data-science-examples diabetes-prediction digit-classification housing-price-prediction instagram-analytics iris-classification jupyter-no machine-learning machine-learning-algorithms named-entity-recognition ner penguin-classification power-consumption-analysis predictive-analysis python-projects text-classification titanic-survival-prediction wine-quality
Last synced: 26 Feb 2025
https://github.com/itzdineshx/data_play_fellowship
This is for the projects/assigments given by the Dataplay fellowhsip
data-play data-science data-visualization fellowship gender-detection internship internship-task projects titanic-survival-prediction word-cloud
Last synced: 16 May 2025
https://github.com/elmezianech/kaggle-competition-titanic
Hello ! 👋 I'm thrilled to share my debut in the world of Kaggle competitions with my solution for the Titanic: Machine Learning from Disaster competition. In this challenge, we are tasked with predicting which passengers were more likely to survive the tragic sinking of the Titanic. Public Score: 0.79186
classification kaggle kaggle-competition kaggle-titanic machine-learning titanic-survival-prediction
Last synced: 06 Mar 2025
https://github.com/parvatijay2901/machine-learning-with-titanic-dataset-on-azure
Capstone project of Udacity's nanodegree; Working with Kaggle's Titanic dataset.
automl classification hyperdrive kaggle-titanic logistic-regression machine-learning microsoft-azure onnx scikitlearn-machine-learning titanic-survival-prediction
Last synced: 18 Mar 2025
https://github.com/susmita-dey/titanic-passenger-prediction
This is a predicition model for Kaggle Titanic Challenge
titanic-kaggle titanic-survival-prediction
Last synced: 12 Mar 2025
https://github.com/jatin-mehra119/titanic_dataset
Training model to predict passenger survival.
classification-algorithm data-science jupyter-notebook machine-learning pkl-model python sklearn-library titanic-survival-prediction
Last synced: 10 Mar 2025
https://github.com/mugambi645/titanic-survival-analysis
Titanic Survival Analysis
binary-classification kaggle machine-learning titanic-survival-prediction
Last synced: 08 Apr 2025
https://github.com/shivam6862/kaggle-elite-coder
Welcome to my GitHub repository! Here, you will find my solutions and code for various Kaggle competitions that I have participated in. As a current expert in Kaggle, I have worked extensively on multiple competitions, utilizing advanced techniques in data analysis, machine learning, and deep learning to achieve competitive results.
cat-dog-classification deep-learning digit-recognition house-price-prediction kaggle-competition machine-learning nlp-machine-learning spaceship-titanic titanic-survival-prediction
Last synced: 24 Mar 2025
https://github.com/sharifah-malhan/titanic-mlproject
in this project i worked on the famous Titanic dataset, from cleaning the data to analyzing it and training the model [with KNN algorithm] to evaluating it.
knearest-neighbor-algorithm knn knn-classification machine-learning machine-learning-algorithms python python3 titanic-survival-prediction
Last synced: 20 Mar 2025
https://github.com/srilaasya/titanic-survival-prediction-using-knn-for-beginners
Titanic Survival Prediction using KNN for beginners
analysis knn-classification python scikit-learn titanic-survival-prediction visualization
Last synced: 19 Mar 2025
https://github.com/inclinedadarsh/titanic
Titanic survival prediction - Analysis, Model training and Web app
machine-learning python titanic titanic-kaggle titanic-survival-prediction
Last synced: 13 May 2025
https://github.com/zg3z/streamlit-titanic-prediction
classification-algorithm streamlit titanic-survival-prediction
Last synced: 02 Mar 2025
https://github.com/mahdikh03/will-you-survive-titanic
A machine learning project using the Titanic dataset to predict passenger survival. Models used: XGBoost, Logistic Regression, and Random Forest.
logistic-regression machine-learning random-forest titanic-survival-prediction xgboost
Last synced: 09 May 2025
https://github.com/dionixius7/titanic-disaster-ml-model
This project predicts the survival of passengers on the Titanic by using Kaggle Titanic Disaster Dataset. The dataset contains information related to passengers, such as age, gender, and class. Different machine learning algorithms have been applied for this predictive model to accomplish an accurate prediction that will define the survival chances
data-analysis data-science data-visualization eda knn-classifier machine-learning neural-network python scikit-learn svm tensorflow titanic-kaggle titanic-survival-prediction
Last synced: 11 Mar 2025
https://github.com/qiushiyan/titanic-survival
A case study on Titanic survival data, modeling survival factors
encyclopedia-titanica titanic-survival-prediction
Last synced: 16 Mar 2025
https://github.com/fblupi/master_informatica-sige
Repositorio de la asignatura Sistemas Inteligentes para la Gestión en la Empresa del Máster de Ingeniería Informática de la UGR
cnn data-science deep-learning image-classification keras mxnet tensorflow titanic-survival-prediction
Last synced: 25 Mar 2025
https://github.com/tharushi11/titanic-data-analysis
This repository contains a simple prediction model and survival predictions based on the Titanic dataset from Kaggle, along with detailed visualizations using Power BI.
dax machine-learning numpy pandas powerbi sklearn titanic-survival-prediction visualization
Last synced: 27 Mar 2025
https://github.com/amatofrancesco99/titanic-classifier
A binary classifier, using logistic regression, to predict whether a person, given its information, would have survived to the Titanic’s disaster.
classification logistic-regression machine-learning titanic-survival-prediction
Last synced: 16 Mar 2025
https://github.com/yuryalencar/decisiontreeclassifiertitanicexample
Project to classifier persons to die and not die by IA algorithm Decision Tree Classifier
machine-learning machine-learning-algorithms python3 titanic-kaggle titanic-survival-prediction tree-classifiers
Last synced: 23 Feb 2025
https://github.com/nripstein/titanic-data-science
My work on the Kaggle Titanic dataset surival prediction competition
tensorflow titanic-survival-prediction
Last synced: 12 Mar 2025
https://github.com/koldim2001/microservices-example
Пример двухстраничного сайта на микросервисах c взаимодействием по API
api-rest docker-compose flask streamlit titanic-survival-prediction unet-image-segmentation
Last synced: 27 Mar 2025
https://github.com/soubhatta/asterisc_technocrat
Projects on Data Science Internship
covid19impactanalysis stock-price-prediction titanic-survival-prediction
Last synced: 22 Mar 2025
https://github.com/zbhavyai/titanic-survival
Solution to Kaggle's competition on titanic survival prediction
jupyter-notebook kaggle-competition machine-learning python titanic-survival-prediction
Last synced: 22 Mar 2025
https://github.com/bell-kevin/titanicneuralnetwork
XGBoost, which tends to be one of the top-performing algorithms for structured/tabular data. We do some feature engineering (e.g., extracting titles from passenger names, creating family size features, etc.), then train and tune an XGBoost model
machine-learning neural-network titanic titanic-dataset titanic-kaggle titanic-survival-prediction
Last synced: 25 Feb 2025
https://github.com/realshubhamraut/titanic-survival-analysis
Analysis of TESLA Stock
analysis project python stock-analysis titanic titanic-kaggle titanic-survival-prediction
Last synced: 14 Mar 2025
https://github.com/victorkifer/kaggle-titanic
kaggle machine-learning titanic-survival-prediction
Last synced: 04 Mar 2025
https://github.com/jonad/titanic_survival
Basic decision tree model for Titanic dataset. Predict who will survive.
jupyter-notebook matplotlib numpy pandas python3 titanic-survival-prediction
Last synced: 18 Feb 2025
https://github.com/harshil8705/titanic_survival_prediction
I have Created a Machine Learning Model based on the Logistic Regression algorithm. This Model is capable of predicting whether the person will survive or not survive based on the given data of that particular person.This Model is highly accurate in predicting the result.
artificial-intelligence jupyter kaggle logistic-regression machine-learning matplotlib numpy pandas python seaborn titanic-kaggle titanic-survival-prediction
Last synced: 06 Apr 2025
https://github.com/kruthiktr/titanic-survival-prediction
Titanic Survival Prediction using Machine Learning predicts whether a passenger survived based on features like age, gender, and class. A Random Forest Classifier achieved 82.68% accuracy after data preprocessing. Explore this project to see how machine learning handles this classic problem.
classification classification-model data-visualization machine-learning predictive-modeling python titanic-dataset titanic-survival-prediction
Last synced: 10 Apr 2025