Tag: images
-
Effective 2D Image Compression with K-means Clustering
Performance Test Let’s set the working directory YOUR PATH and import the key Python libraries import osos.chdir(‘YOUR PATH’) os. getcwd() import pandas as pdimport numpy as npimport matplotlib as mplimport matplotlib.pyplot as plt from scipy.io import loadmatfrom sklearn.cluster import KMeansfrom sklearn.preprocessing import StandardScalerfrom scipy import linalg pd.set_option(‘display.notebook_repr_html’, False)pd.set_option(‘display.max_columns’, None)pd.set_option(‘display.max_rows’, 150)pd.set_option(‘display.max_seq_items’, None) %matplotlib inline import seaborn…
-
Performance Analysis of Face Recognition Out-of-Box ML/AI Workflows
Featured Photo by cottonbro studio, Pexels Facial Recognition (FR) is a category of biometric software that maps an individual’s facial features mathematically and stores the data as a faceprint. The goal of this case study is the Exploratory Data Analysis (EDA) and performance QC analysis of out-of-box ML/AI workflows tested on public-domain datasets and real-time webcam GUI.…
-
AI-Driven Object Detection & Segmentation with Meta Detectron2 Deep Learning
Method Computer Resources Python 3 Google Compute Engine backend (GPU) Install Detectron2 !python -m pip install pyyaml==5.1 import sys, os, distutils.core # Note: This is a faster way to install detectron2 in Colab, but it does not include all functionalities. # See https://detectron2.readthedocs.io/tutorials/install.html for full installation instructions !git clone ‘https://github.com/facebookresearch/detectron2’ dist = distutils.core.run_setup(“./detectron2/setup.py”) !python -m pip install {‘ ‘.join([f”‘{x}’” for x in dist.install_requires])} sys.path.insert(0, os.path.abspath(‘./detectron2’)) # Properly install detectron2. (Please do not install twice in both ways) # !python -m pip install ‘git+https://github.com/facebookresearch/detectron2.git’ Import Libraries import torch, detectron2 !nvcc –version TORCH_VERSION = “.”.join(torch.__version__.split(“.”)[:2]) CUDA_VERSION = torch.__version__.split(“+”)[-1] print(“torch: “, TORCH_VERSION, “; cuda: “, CUDA_VERSION) print(“detectron2:”, detectron2.__version__) nvcc: NVIDIA (R) Cuda compiler driver Copyright (c) 2005-2022 NVIDIA Corporation Built on Tue_Mar__8_18:18:20_PST_2022 Cuda compilation tools, release 11.6, V11.6.124 Build cuda_11.6.r11.6/compiler.31057947_0 torch: 1.13 ;…
-
Turkey/Syria Earthquake Live Knowledge Update & Charity Guide
Today’s Earthquakes in Turkey Sunday, 12 March 2023: Turkey has had: (M1.5 or greater) The largest earthquake in Turkey: Inside Turkey’s post-earthquake homelessness crisis – BBC News: Earthquake survivors are living on the streets in Turkey, one month on from the devastating earthquakes that killed more than 50,000 people across southern Turkey and northern Syria. Past Events…
-
Case Study: Multi-Label Classification of Satellite Images with Fast.AI
Satellite image classification is the most significant technique used in remote sensing (GIS) for the computerized study and pattern recognition of satellite GIS, which is based on diversity structures of the image that involve rigorous validation of the training samples depending on the used ML/AI classification algorithm. Satellite imagery is important for many applications including…
-
AI-Guided Drug Recommendation
AI-Guided Drug Recommendation in Python using NLP text processing. Key steps: WordCount images, NLP Pre-Processing, NER via spacy, LDA topic modelling, and Word2Vec Vectorization for reviews using pretrained glove model. Input data: the Kaggle UCI ML Drug Review dataset. Applications in the pharmaceutical industry, including drug R&D, drug repurposing, improving pharmaceutical productivity, and clinical trials,…
-
E-Commerce ML/AI Classification
Contents: Introduction Let us look at the most popular supervised ML/AI use-case – classification of various clothing images to categorize clothing into several categories. The classification of fashion items in a photograph includes the identification of individual garments. The same has applications in social networking (Instagram, YouTube, Twitter, etc.), e-commerce (e.g. Shopify), and criminal law as…