Tag: machinelearning

  • Python Data Science for Real Estate & REIT Amsterdam: (Auto) EDA, NLP, Maps & ML

    Python Data Science for Real Estate & REIT Amsterdam: (Auto) EDA, NLP, Maps & ML

    The Amsterdam real estate market has experienced a significant resurgence, with property prices increasing by double digits annually since 2013. Data science is being used to analyze the city’s housing and rental markets, revealing insights on the impact of Airbnb and empowering communities with the necessary information. Comprehensive data analysis and machine learning techniques are…

  • Uber’s Orbit Full Bayesian Time Series Forecasting & Inference

    Uber’s Orbit Full Bayesian Time Series Forecasting & Inference

    This article introduces Orbit, an open-source Python framework by Uber for full Bayesian time series forecasting and inference. It supports models like Exponential Smoothing, Local Global Trend, and Kernel Time-based Regression, along with methods like Markov-Chain Monte Carlo and Variational Inference. Orbit captures uncertainty in time-series data, allowing credible probabilistic forecasts with confidence intervals. The…

  • Prediction of NASA Turbofan Jet Engine RUL: OLS, SciKit-Learn & LSTM

    Prediction of NASA Turbofan Jet Engine RUL: OLS, SciKit-Learn & LSTM

    We predict the Remaining Useful Life (RUL) of NASA turbofan jet engines by comparing the statsmodels OLS, ML SciKit-Learn regression vs LSTM Keras in Python. The input dataset is the Kaggle version of the public dataset for asset degradation modeling from NASA. It includes Run-to-Failure simulated data from turbo fan jet engines.

  • The 5-Step GCP IoT Device-to-Report via AI Roadmap

    The 5-Step GCP IoT Device-to-Report via AI Roadmap

    The Internet of Things (IoT) aids in the improvement of processes and enables new scenarios through network-connected devices. Recognized as a driver of the Fourth Industrial Revolution, IoT applications include predictive maintenance, industry safety, automation, remote monitoring, asset tracking, and fraud detection. Advancements in cloud IoT architectures over recent years have enabled efficient data ingestion,…

  • Health Insurance Cross Sell Prediction with ML Model Tuning & Validation

    Health Insurance Cross Sell Prediction with ML Model Tuning & Validation

    The content discusses the use of AI and Machine Learning (ML) for insurance cross-selling. It covers topics such as data preparation, model training with different algorithms, parameter optimization, and model evaluation. The study showcases the ability of ML models (HGBM, XGBoost, Random Forest) to predict cross-sell customers in the insurance sector, providing potential for improved…

  • Weather Forecasting & Flood De-Risking using Machine Learning, Markov Chain & Geospatial Plotly EDA

    Weather Forecasting & Flood De-Risking using Machine Learning, Markov Chain & Geospatial Plotly EDA

    Foto door Pok Rie Scope: Business Value: Table of Contents U.S.A. Weather Forecast Australian Rainfall Prediction Kerala Flood Prediction Squares are categorical associations (uncertainty coefficient & correlation ratio) from 0 to 1. The uncertainty coefficient is asymmetrical, (i.e. ROW LABEL values indicate how much they PROVIDE INFORMATION to each LABEL at the TOP). • Circles are the symmetrical numerical…

  • Low-Code AutoEDA of Dutch eHealth Data in Python

    Low-Code AutoEDA of Dutch eHealth Data in Python

    The article details the usage of Python’s Low-Code AutoEDA for examining Dutch Healthcare Authority’s eHealth data. Utilizing various Python libraries like D-Tale, SweetViz, etc., the study aims to understand the healthcare data’s key features to ready it for AI techniques. The motivations include the Dutch government’s support for digital healthcare applications, especially amidst the recent…

  • Anomaly Detection using the Isolation Forest Algorithm

    Anomaly Detection using the Isolation Forest Algorithm

    The post describes the application of Isolation Forest, an unsupervised anomaly detection algorithm, to identify abnormal patterns in financial and taxi ride data. The challenge is to accurately distinguish normal and abnormal data points for fraud detection, fault diagnosis, and outlier identification. Using real-world datasets of financial transactions and NYC taxi rides, the algorithm successfully…

  • NVIDIA Returns-Drawdowns MVA & RNN Mean Reversal Trading

    NVIDIA Returns-Drawdowns MVA & RNN Mean Reversal Trading

    The study presents a machine learning-focused analytical approach to optimize NVIDIA’s stock performance using moving average crossovers and aims at comparing the outcomes with simple RNN mean reversal trading strategies. The steps taken involve preparing the stock data, calculating moving averages and drawdowns, plotting heatmaps of returns and drawdowns, and predicting returns and cumulative returns…

  • Machine Learning-Based Crop Yield Prediction, Classification, and Recommendations

    Machine Learning-Based Crop Yield Prediction, Classification, and Recommendations

    We have implemented a Machine Learning-Based decision support tool for crop yield prediction, including supporting decisions on what crops to grow and what to do during the growing season of the crops.

  • An Implemented Streamlit Crop Prediction App

    An Implemented Streamlit Crop Prediction App

    Precision agriculture or smart farming: We implement the Streamlit crop prediction app. This is an ML-driven app that requires the trained model as input.

  • Robust Fake News Detection: NLP Algorithms for Deep Learning and Supervised ML in Python

    Robust Fake News Detection: NLP Algorithms for Deep Learning and Supervised ML in Python

    The project aims at setting up a robust system for fake news detection using Python. The system adopts a hybrid framework, leveraging Natural Language Processing (NLP) techniques to classify text-based fake vs real news. Involving exploratory data analysis, multi-model training, testing, validation, and performance metrics comparison, it assesses different Deep Learning, Supervised Machine Learning, and…

  • Supervised ML Room Occupancy IoT

    Supervised ML Room Occupancy IoT

    The article presents a study on applying machine learning (ML) to IoT sensor data for workspace occupancy detection. Comparing 14 popular scikit-learn classifiers, the ML systems built use the gathered IoT sensor data to predict room occupancy with high certainty. The results suggest temperature and light are the significant factors affecting occupancy detection. The study…

  • OpenAI’s ChatGPT & Streamlit VA Chatbots

    OpenAI’s ChatGPT & Streamlit VA Chatbots

    The project aims to develop a Virtual Assistant combining OpenAI and Streamlit to optimize their benefits. The assistant uses OpenAI’s ChatGPT to create human-like conversational dialogues. Leveraging GPT-3, a neural network model, ChatGPT formulates responses based on significant data inputs. The project demonstrates how to generate a LinkedIn post, implement a text Q&A session, create…

  • WA House Price Prediction: EDA-ML-HPO

    WA House Price Prediction: EDA-ML-HPO

    A predictive model of house sale prices in King County, Washington, was developed using multiple supervised machine learning (ML) regression models, including LinearRegression, SGDRegressor, RandomForestRegressor, XGBRegressor, and AdaBoostRegressor. The best-performing model, XGBRegressor, explained 90.6% of the price variance, with a RMSE of $18472.7. These results, valuable to local realtors, indicate houses with a waterfront are…

  • An Overview of Video Games in 2023: Trends, Technology, and Market Research

    An Overview of Video Games in 2023: Trends, Technology, and Market Research

    The gaming industry is rapidly growing, projected to reach a revenue of $365.6 billion in 2023. Major trends include Web3 gaming, AI integration, and a push for consolidation. Fashion brands collaborate for virtual sales, and advances in gaming technology, such as AR/VR and cloud-based gaming, promise an even more immersive experience for gamers.

  • Customer Reviews NLP Spacy Analysis and ML/AI Demand Forecasting of the Steam PC Video Game Service

    Customer Reviews NLP Spacy Analysis and ML/AI  Demand Forecasting of the Steam PC Video Game Service

    Steam, a leading digital distribution platform for PC gaming, has seen over 6000 new games released in 2022, averaging over 34 games each day. This post aims to conduct comprehensive customer reviews NLP sentiment analysis and ML/AI demand forecasting using public-domain datasets. It covers EDA, NLP Spacy analysis, ML/AI pipeline, model validation, word clouds, and…

  • Comparison of 20 ML + NLP Algorithms for SMS Spam-Ham Binary Classification

    Comparison of 20 ML + NLP Algorithms for SMS Spam-Ham Binary Classification

    This post analyzes a public-domain SMS text message dataset to compare various machine learning algorithms’ abilities to classify spam and ham messages. After implementing a Python workflow that includes data preparation, exploratory analysis, natural language processing, supervised machine learning binary classification, and a model performance analysis, the author finds that MLP, Logistic Regression CV, Linear…

  • Unsupervised ML, K-Means Clustering & Customer Segmentation

    Unsupervised ML, K-Means Clustering & Customer Segmentation

    Table of Clickable Contents Motivation Methods Open-Source Datasets This file contains the basic information (ID, age, gender, income, and spending score) about the customers. Online retail is a transnational data set which contains all the transactions occurring between 01/12/2010 and 09/12/2011 for a UK-based and registered non-store online retail. The company mainly sells unique all-occasion…

  • GPT & DeepLake NLP: Amazon Financial Statements

    GPT & DeepLake NLP: Amazon Financial Statements

    The post outlines the implementation of an AI-powered chatbot using NLP to process and analyze financial data from Amazon’s financial statements. The tool employs LlamaIndex and DeepLake to answer queries, summarize financial information, and analyze trends. This approach enhances the efficiency of data analysis, making it a valuable resource for finance and banking professionals.