Tag: artificialintelligence

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

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

  • Improved Multiple-Model ML/DL Credit Card Fraud Detection: F1=88% & ROC=91%

    Improved Multiple-Model ML/DL Credit Card Fraud Detection: F1=88% & ROC=91%

    In 2023, the global card industry is projected to suffer $36.13 billion in fraud losses. This has necessitated a priority focus on enhancing credit card fraud detection by banks and financial organizations. AI-based techniques are making fraud detection easier and more accurate, with models able to recognize unusual transactions and fraud. The post discusses a…

  • Top Fast-Growing Apps in 2023

    Top Fast-Growing Apps in 2023

    The OKTA Business at Work report and blogs by Leon Zucchini discuss the fastest-growing and new app categories. Key trends include the growth of collaboration, communication, and travel apps, and the adoption of multi-cloud. Ten notable growing apps are Kandji, Grammarly, Bob, Notion, Prisma Access, Navan, GitLab, Ironclad, Terraform Cloud, and Figma. Emerging apps include…

  • Early Heart Attack Prediction using ECG Autoencoder and 19 ML/AI Models with Test Performance QC Comparisons

    Early Heart Attack Prediction using ECG Autoencoder and 19 ML/AI Models with Test Performance QC Comparisons

    Table of Contents Embed Socials: ECG Autoencoder Let’s set the working directory YOURPATH import osos.chdir(‘YOURPATH’)os. getcwd() and import the following libraries import tensorflow as tfimport matplotlib.pyplot as pltimport numpy as npimport pandas as pd from tensorflow.keras import layers, lossesfrom sklearn.model_selection import train_test_splitfrom tensorflow.keras.models import Model Let’s read the input dataset df = pd.read_csv(‘ecg.csv’, header=None) Let’s…

  • Risk-Aware Strategies for DCA Investors

    Risk-Aware Strategies for DCA Investors

    Dollar-Cost Averaging (DCA) is an investment approach that involves investing a fixed amount regularly, regardless of market price. It offers benefits such as risk reduction and market downturn resilience. It’s useful for beginners and can be combined with other strategies for a disciplined investment approach. References include Investopedia and Yahoo Finance.

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

  • Effective 2D Image Compression with K-means Clustering

    Effective 2D Image Compression with K-means Clustering

    The post explores the application of the K-means clustering algorithm, a popular unsupervised Machine Learning algorithm, for image compression. By segmenting 2D images into different clusters, the algorithm effectively reduces storage space without compromising on image quality or resolution. It also demonstrates the application of this approach through a case study, where optimal results were…

  • Dealing with Imbalanced Data in HealthTech ML/AI – 1. Stroke Prediction

    Dealing with Imbalanced Data in  HealthTech ML/AI – 1. Stroke Prediction

    This post discusses the prediction of stroke using machine learning (ML) models, focusing on the use of early warning systems and data balancing techniques to manage the highly imbalanced stroke data. It includes a detailed exploration of the torch artificial neural network training and performance evaluation, as well as the implementation and evaluation of various…

  • Using AI/ANN AUC>90% for Early Diagnosis of Cardiovascular Disease (CVD)

    Using AI/ANN AUC>90% for Early Diagnosis of Cardiovascular Disease (CVD)

    The project utilizes AI-driven cardiovascular medicine with a focus on early diagnosis of heart disease using Artificial Neural Networks (ANN). Aiming to improve early detection of heart issues, the project processed a dataset of 303 patients using Python libraries and conducted extensive exploratory data analysis. A Sequential ANN model was subsequently built, revealing excellent performance…

  • Overview of AWS Tech Portfolio 2023

    Overview of AWS Tech Portfolio 2023

    This summary focuses on the extensive capabilities of Amazon Web Services (AWS) by 2023, highlighting its 27% year-on-year growth and a net sales increase to $127.1 billion. AWS emerges as the top cloud service provider, offering over 200 services including compute, storage, databases, networking, AI, and machine learning. It is constantly expanding operations, having opened…

  • Gold Price Linear Regression

    Gold Price Linear Regression

    This content focuses on predicting gold prices using machine learning algorithms in Python. With an 80% R2-score and a Sharpe ratio of 2.33, it suggests a potential 8% revenue from an investment starting in December 2022. The forecasted next-day price for SPDR Gold Trust Shares is $185.136, aligning with Barchart’s “100% BUY” signal.

  • 90% ACC Diabetes-2 ML Binary Classifier

    90% ACC Diabetes-2 ML Binary Classifier

    A study aims to develop an ML-driven e-diagnosis system for detecting and classifying Type 2 Diabetes as an IoMT application. By leveraging advanced supervised ML algorithms, the system can predict a person’s diabetes risk based on several factors, provide a preliminary diagnosis, and relay doctor’s guidance on diet, exercise, and blood glucose testing. The Pima…

  • Deep Reinforcement Learning (DRL) on $MO 8.07% DIV USA Stock Data 2022-23

    Deep Reinforcement Learning (DRL) on $MO 8.07% DIV USA Stock Data 2022-23

    This study applies the Deep Reinforcement Learning (DRL) algorithm to USA stocks with +4% DIV in 2022-23, focusing on Altria Group, Inc. The study addresses accurate stock price predictions and the challenges in traditional methods. Recent advances in DRL have shown improved accuracy in stock forecasting, making it suitable for turbulent markets and investment decision-making.

  • JPM Breakouts: Auto ARIMA, FFT, LSTM & Stock Indicators

    JPM Breakouts: Auto ARIMA, FFT, LSTM & Stock Indicators

    The post discusses predicting JPM stock prices for 2022-2023 using several predictive models like ARIMA, FFT, LSTM, and Technical Trading Indicators (TTIs) such as EMA, RSI, OBV, and MCAD. The ARIMA model used historical data, while the partial spectral decompositions of stock prices served as features for the FFT model. TTIs were calculated to validate…

  • LSTM Price Predictions of 4 Tech Stocks

    LSTM Price Predictions of 4 Tech Stocks

    The given content explains the process of using Exploratory Data Analysis (EDA) and Long Short-Term Memory (LSTM) Sequential model for comparing the risk/return of four major tech stocks: Apple, Google, Microsoft, and Amazon, considering the tech scenario in 2023. The analysis involves examining stock price patterns, their correlations, risk-return assessment, and predicting stock prices using…

  • About Face Recognition ML Algorithms

    About Face Recognition ML Algorithms

    Facial Recognition (FR) involves mapping an individual’s facial features mathematically and storing the data as a faceprint. This case study outlines the process of Exploratory Data Analysis (EDA) and performance QC analysis for ML/AI workflows using public-domain datasets and real-time webcam GUI. The study includes the use of SVM for FR, dataset splitting, ML model…

  • AI-Driven Object Detection & Segmentation with Meta Detectron2 Deep Learning

    AI-Driven Object Detection & Segmentation with Meta Detectron2 Deep Learning

    The post introduces Detectron2, a powerful object detection and image recognition platform developed by Facebook AI Research (FAIR). It discusses the platform’s applications in computer vision research and production, as well as its capabilities such as panoptic segmentation and Densepose. The post also covers aspects of using Detectron2, including installation, model training, and inference, and…

  • Testing & Applications of Best AI Content Detector vs Generator APIs

    Testing & Applications of Best AI Content Detector vs Generator APIs

    This is an AI-powered digital marketing project that tests and discusses applications of top AI content detectors and generators. It reviewed 14 AI content generator and 5 AI detector APIs for 2023 and tested for results. It additionally explored utilizing AI to improve SEO performance, including competitor analysis, discovery of high-potential keywords and topics, and…

  • Comparative ML/AI Performance Analysis of 13 Handwritten Digit Recognition (HDR) Scikit-Learn Algorithms with PCA+HPO

    Comparative ML/AI Performance Analysis of 13 Handwritten Digit Recognition (HDR) Scikit-Learn Algorithms with PCA+HPO

    Featured Photo by Torsten Dettlaff on Pexels The article consists of the following three parts: 3. Unsupervised ML using the Principal Component Analysis (PCA) for the dimensionality reduction within Parts 1 and 2. Our main goal is to build a text and graphics report comparing the main scikit-learn classification metrics: accuracy_score, classification_report (precision, recall, and…