feature-vector
There are 32 repositories under feature-vector topic.
towhee-io/towhee
Towhee is a framework that is dedicated to making neural data processing pipelines simple and fast.
zzw922cn/Automatic_Speech_Recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Renumics/awesome-open-data-centric-ai
Curated list of open source tooling for data-centric AI on unstructured data.
dudley-fitzgerald/AutomatedWellLogCorrelation
Framework for correlating two or more well logs using feature vectors generated from CNN's in Pytorch
dipayan90/deep-learning-image-similarity
Takes 2 images and says how similar they are based on Euclidean distance of feature vectors
MexsonFernandes/Img2VecCosSim-Django-Pytorch
Extract a feature vector for any image and find the cosine similarity for comparison using Pytorch. I have used ResNet-18 to extract the feature vector of images. Finally a Django app is developed to input two images and to find the cosine similarity.
sam0x17/DSeg
Invariant Superpixel Features for Object Detection
venusdev85/Speech-Recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
adityajain10/human-detection-using-hog-lbp-neural-networks
The program uses HOG and LBP features to detect human in images. First, use the HOG feature only to detect humans. Next, combine the HOG feature with the LBP feature to form an augmented feature (HOG-LBP) to detect human. A Two-Layer Perceptron (feedforward neural network) will be used to classify the input feature vector into human or no-human.
starkdg/pyConvnetPhash
image perceptual hash experiment using convolutional neural net models
hangyao/Udacity_SDCND_Vehicle-Detection
Created a vehicle detection and tracking pipeline with OpenCV, histogram of oriented gradients (HOG), and support vector machines (SVM). Optimized and evaluated the model on video data from a automotive camera taken during highway driving.
a-bailly/dbotsw
Dense Bag-of-Temporal-SIFT-Words
snknitin/Optical-Character-recognition-from-images-using-CRF
Exploring an approach that bridges computer vision and natural language processing by jointly modeling the labels of sequences of noisy character images that form complete words. This is a natural problem for chain-structured CRFs
asuri2/CarND-Vehicle-Detection-P5
Self Driving Car ND Project 5 - Vehicle Detection
deniskrut/Vehicle-Detection
Vehicle detection on images and video for Self-Driving Car Engineer Nanodegree program
vshantam/ImageCaptioning
Generates Caption from sample Images Using Deep Neural Networks
abhilash-neog/Pet-Adoption-Speed-Predictor
A capstone project to predict the adoption-speed of listed pets
mgabilo/concept-discovery
Discovers new ontological categories (WordNet synsets) for words based on their lexicosyntactic patterns in Wikipedia
overtane/udacity-carnd-p5
Computer Vision: Vehicle Detection
tkush/vehicle-detection
Vehicle detection in dash cam video
Ansu-John/Natural-Language-Processing
Explore various natural language processing models using Python.
farkoo/PySpark-Sklearn-Classifier-Comparison
This repository provides examples of image feature vector classification using PySpark and scikit-learn, offering flexibility in choosing between the two popular machine learning libraries.
madaan123/Spam_Classifier
The spam classifier classifies the emails into ham or spam depending on the type of mail and based on the Naives bayes machine learning model used in the Project.
Providence-Nate/RandomForests-PacMan
Design and Implementation of Random Forest algorithm from scratch to execute Pacman strategies and actions in a deterministic, fully observable Pacman Environment.
dbahadori/Document-Similarity
web based plagiarism detection system for word documents using information retrieval based methods
givens/Calculate-Entropy
Calculate Entropy in R
heikalb/mouse-vs-mouse
A project on text classification
marinimau/Spike-detection-for-cooking-activity-recognition-based-on-indoor-air-quality-sensor
Lo scopo dell'applicazione è quello di costruire un feature vector per la predizione dei pasti in base a valori registrati da sensori di qualità dell'aria. Le feature prodotte verranno automaticamente unite a feature statistiche già presenti in alcuni files. Per la classificazione utilizzare il Knowledge Flow Enviroment di Weka impostato nel file allegato.
prateeksawhney97/Spatial-Binning-of-Color
Creating a function that takes an image, a color space conversion, and the resolution to convert it into a feature vector
robert-wettstaedt/object-classification
Classify sets of images in the browser
vincenzorusso3/spider-gender
Gender classification using a Spider Web Model (given by tutors). - FVAB exam course project