Tag: artificialintelligence

  • Kalman-Based Object Tracking with Low Signal/Noise Ratio

    Kalman-Based Object Tracking with Low Signal/Noise Ratio

    This study focuses on real-time object tracking with low signal/noise ratios using Kalman Filter (KF) algorithms. The study covers 1D, 2D, and 3D motion analysis, and explores the impact of noise on the accuracy of object tracking. The accuracy of the KF algorithms in estimating the object’s position and speed in real-time scenarios is evaluated…

  • Sales Forecasting: tslearn, Random Walk, Holt-Winters, SARIMAX, GARCH, Prophet, and LSTM

    Sales Forecasting: tslearn, Random Walk, Holt-Winters, SARIMAX, GARCH, Prophet, and LSTM

    The data science project involves evaluating various sales forecasting algorithms in Python using a Kaggle time-series dataset. The forecasting algorithms include tslearn, Random Walk, Holt-Winters, SARIMA, GARCH, Prophet, LSTM and Di Pietro’s Model. The goal is to predict next month’s sales for a list of shops and products, which slightly changes every month. The best…

  • 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…

  • A Balanced Mix-and-Match Time Series Forecasting: ThymeBoost, Prophet, and AutoARIMA

    A Balanced Mix-and-Match Time Series Forecasting: ThymeBoost, Prophet, and AutoARIMA

    The post evaluates the performance of popular Time Series Forecasting (TSF) methods, namely AutoARIMA, Facebook Prophet, and ThymeBoost on four real-world time series datasets: Air Passengers, U.S. Wholesale Price Index (WPI), BTC-USD price, and Peyton Manning. Each TSF model uses historical data to identify trends and make future predictions. Studies indicate that ThymeBoost, which combines…

  • Dividend-NG-BTC Diversify Big Tech

    Dividend-NG-BTC Diversify Big Tech

    SEO Title: Can Dividends, Natural Gas and Crypto Diversify Big Techs? Ultimately, we need to answer the following fundamental question: Can Dividend Kings, NGUSD and BTC-USD Diversify Growth Tech assets? Dividends are very popular among investors, especially those who want a steady stream of income from their investments. Some companies choose to share their profits…

  • 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…

  • Returns-Volatility Domain K-Means Clustering and LSTM Anomaly Detection of S&P 500 Stocks

    Returns-Volatility Domain K-Means Clustering and LSTM Anomaly Detection of S&P 500 Stocks

    This study aims to implement and evaluate the K-means algorithm for ranking/clustering S&P 500 stocks based on average annualized return and volatility. The second goal is to detect anomalies in the best performing S&P 500 stocks using the Isolation Forest algorithm. Additionally, anomalies in the S&P 500 historical stock price time series data will be…

  • Oracle Monte Carlo Stock Simulations

    Oracle Monte Carlo Stock Simulations

    Oracle Corporation’s significant developments in Generative AI have led to lucrative partnerships with Nvidia and Elon Musk’s xAI. Having secured contracts exceeding $4 billion for its Generation 2 Cloud designed for AI model training, Oracle’s earnings doubled in Q4 2023. Monte Carlo simulations align with Zacks Rank 3-Hold for ORCL, implying bullish potential with projected…

  • NVIDIA Rolling Volatility: GARCH & XGBoost

    NVIDIA Rolling Volatility: GARCH & XGBoost

    This post examines the prediction of NVIDIA stock volatility using two models: the Generalized Autoregressive Conditional Heteroscedasticity (GARCH) and the Extreme Gradient Boosting (XGBoost). Both models are compared in terms of MSE and MAPE. The post discovers that the machine learning-based XGBoost model outperforms the GARCH model in NVDA volatility forecasting, showing the effectiveness of…

  • 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.

  • Time Series Forecasting of Hourly U.S.A. Energy Consumption – PJM East Electricity Grid

    Time Series Forecasting of Hourly U.S.A. Energy Consumption – PJM East Electricity Grid

    Table of Contents PJME Data Let’s set the working directory YOURPATH and import the following key libraries Let’s read the input csv file in our working directory Let’s plot the time series Data Preparation Output: (113926, 1, 9) (113926,) (31439, 1, 9) (31439,) LSTM TSF Let’s plot the LSTM train/test val_loss history Output: MSE: 1811223.125…

  • Image Based Fast Forest Fire Detection with TensorFlow

    Image Based Fast Forest Fire Detection with TensorFlow

    A recent study showcases the use of artificial intelligence (AI) and deep learning (DL) for efficient wildfire prediction and management. Utilizing a fast DL approach based on the TensorFlow Convolution Neural Network (CNN) algorithm, researchers trained models to distinguish between fire and non-fire images using a public-domain dataset. The implemented system predicted fires accurately and…

  • 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…

  • 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…

  • NLP & Stock Impact of ChatGPT-Related Tweets

    NLP & Stock Impact of ChatGPT-Related Tweets

    This Python project extends a recent study on half a million tweets about OpenAI’s language model, ChatGPT. It uncovers public sentiment about this rapidly growing app and examines its impact on the future of AI-powered LLMs, including stock influences. The project uses data analysis techniques such as text processing, sentiment analysis, identification of key influencers,…

  • ML Prediction of High/Low Video Game Hits with Data Resampling and Model Tuning

    ML Prediction of High/Low Video Game Hits with Data Resampling and Model Tuning

    The post outlines a ML-based approach to forecast video game sales, using several techniques to enhance training, accuracy, and prediction. The Kaggle’s VGChartz dataset, containing sales data and other game-specific information, was used to build and refine the model. Several ML techniques including RandomForestClassifier and Logistic Regression yielded top predictors, with the critic’s score deemed…