All Projects → Bag-of-Visual-Words → Similar Projects or Alternatives

621 Open source projects that are alternatives of or similar to Bag-of-Visual-Words

tensorflow-image-classifier
Easily train an image classifier and then use it to label/tag other images
Stars: ✭ 29 (-25.64%)
Mutual labels:  classifier, image-classification
ML4K-AI-Extension
Use machine learning in AppInventor, with easy training using text, images, or numbers through the Machine Learning for Kids website.
Stars: ✭ 18 (-53.85%)
Mutual labels:  classifier, image-classification
golinear
liblinear bindings for Go
Stars: ✭ 45 (+15.38%)
Mutual labels:  classifier, svm
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (+207.69%)
Mutual labels:  classifier, image-classification
Machinelearnjs
Machine Learning library for the web and Node.
Stars: ✭ 498 (+1176.92%)
Mutual labels:  svm, feature-extraction
Computer Vision Guide
📖 This guide is to help you understand the basics of the computerized image and develop computer vision projects with OpenCV. Includes Python, Java, JavaScript, C# and C++ examples.
Stars: ✭ 244 (+525.64%)
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (+912.82%)
Mutual labels:  svm, image-classification
SIFT-BoF
Feature extraction by using SITF+BoF.
Stars: ✭ 22 (-43.59%)
Mutual labels:  feature-extraction, sift
Vehicle Detection And Tracking
Udacity Self-Driving Car Engineer Nanodegree. Project: Vehicle Detection and Tracking
Stars: ✭ 60 (+53.85%)
Mutual labels:  classifier, svm
Stagesepx
detect stages in video automatically
Stars: ✭ 293 (+651.28%)
Mutual labels:  svm, image-classification
Scene Text Recognition
Scene text detection and recognition based on Extremal Region(ER)
Stars: ✭ 146 (+274.36%)
Mutual labels:  classifier, svm
pyAudioProcessing
Audio feature extraction and classification
Stars: ✭ 165 (+323.08%)
Mutual labels:  classifier, feature-extraction
Speech signal processing and classification
Front-end speech processing aims at extracting proper features from short- term segments of a speech utterance, known as frames. It is a pre-requisite step toward any pattern recognition problem employing speech or audio (e.g., music). Here, we are interesting in voice disorder classification. That is, to develop two-class classifiers, which can discriminate between utterances of a subject suffering from say vocal fold paralysis and utterances of a healthy subject.The mathematical modeling of the speech production system in humans suggests that an all-pole system function is justified [1-3]. As a consequence, linear prediction coefficients (LPCs) constitute a first choice for modeling the magnitute of the short-term spectrum of speech. LPC-derived cepstral coefficients are guaranteed to discriminate between the system (e.g., vocal tract) contribution and that of the excitation. Taking into account the characteristics of the human ear, the mel-frequency cepstral coefficients (MFCCs) emerged as descriptive features of the speech spectral envelope. Similarly to MFCCs, the perceptual linear prediction coefficients (PLPs) could also be derived. The aforementioned sort of speaking tradi- tional features will be tested against agnostic-features extracted by convolu- tive neural networks (CNNs) (e.g., auto-encoders) [4]. The pattern recognition step will be based on Gaussian Mixture Model based classifiers,K-nearest neighbor classifiers, Bayes classifiers, as well as Deep Neural Networks. The Massachussets Eye and Ear Infirmary Dataset (MEEI-Dataset) [5] will be exploited. At the application level, a library for feature extraction and classification in Python will be developed. Credible publicly available resources will be 1used toward achieving our goal, such as KALDI. Comparisons will be made against [6-8].
Stars: ✭ 155 (+297.44%)
Mutual labels:  classifier, feature-extraction
Imageclassification
Deep Learning: Image classification, feature visualization and transfer learning with Keras
Stars: ✭ 83 (+112.82%)
ezSIFT
ezSIFT: An easy-to-use standalone SIFT library written in C/C++
Stars: ✭ 80 (+105.13%)
Mutual labels:  feature-extraction, sift
Medpy
Medical image processing in Python
Stars: ✭ 321 (+723.08%)
pghumor
Is This a Joke? Humor Detection in Spanish Tweets
Stars: ✭ 48 (+23.08%)
Mutual labels:  classifier, svm
image features
Extract deep learning features from images using simple python interface
Stars: ✭ 84 (+115.38%)
sentiment-analysis-using-python
Large Data Analysis Course Project
Stars: ✭ 23 (-41.03%)
Mutual labels:  classifier, svm
LegoBrickClassification
Repository to identify Lego bricks automatically only using images
Stars: ✭ 57 (+46.15%)
Mutual labels:  image-classification
Deep-Learning-Experiments-implemented-using-Google-Colab
Colab Compatible FastAI notebooks for NLP and Computer Vision Datasets
Stars: ✭ 16 (-58.97%)
Mutual labels:  classifier
multi-task-learning
Multi-task learning smile detection, age and gender classification on GENKI4k, IMDB-Wiki dataset.
Stars: ✭ 154 (+294.87%)
Mutual labels:  image-classification
GeobitNonrigidDescriptor ICCV 2019
C++ implementation of the nonrigid descriptor Geobit presented at ICCV 2019 "GEOBIT: A Geodesic-Based Binary Descriptor Invariant to Non-Rigid Deformations for RGB-D Images"
Stars: ✭ 11 (-71.79%)
Mutual labels:  feature-extraction
image-classification
A collection of SOTA Image Classification Models in PyTorch
Stars: ✭ 70 (+79.49%)
Mutual labels:  image-classification
DynamicViT
[NeurIPS 2021] DynamicViT: Efficient Vision Transformers with Dynamic Token Sparsification
Stars: ✭ 340 (+771.79%)
Mutual labels:  image-classification
pyHSICLasso
Versatile Nonlinear Feature Selection Algorithm for High-dimensional Data
Stars: ✭ 125 (+220.51%)
Mutual labels:  feature-extraction
deep-learning
Deep Learning Bootcamp
Stars: ✭ 60 (+53.85%)
Mutual labels:  image-classification
SiftySifty
implements SIFT algorithm using pure c++
Stars: ✭ 25 (-35.9%)
Mutual labels:  sift
SentimentAnalysis
基于新浪微博数据的情感极性分析
Stars: ✭ 43 (+10.26%)
Mutual labels:  svm
svm
Support Vector Machine in Javascript
Stars: ✭ 31 (-20.51%)
Mutual labels:  svm
chatto
Chatto is a minimal chatbot framework in Go.
Stars: ✭ 98 (+151.28%)
Mutual labels:  classifier
ICCV2021-Paper-Code-Interpretation
ICCV2021/2019/2017 论文/代码/解读/直播合集,极市团队整理
Stars: ✭ 2,022 (+5084.62%)
Mutual labels:  image-classification
SimplePythonCNN
Only in native python & numpy with Keras interface
Stars: ✭ 31 (-20.51%)
Mutual labels:  image-classification
deep-parking
Code to reproduce 'Deep Learning for Decentralized Parking Lot Occupancy Detection' paper.
Stars: ✭ 81 (+107.69%)
Mutual labels:  image-classification
super-gradients
Easily train or fine-tune SOTA computer vision models with one open source training library
Stars: ✭ 429 (+1000%)
Mutual labels:  image-classification
TNCR Dataset
Deep learning, Convolutional neural networks, Image processing, Document processing, Table detection, Page object detection, Table classification. https://www.sciencedirect.com/science/article/pii/S0925231221018142
Stars: ✭ 37 (-5.13%)
Mutual labels:  image-classification
time-series-classification
Classifying time series using feature extraction
Stars: ✭ 75 (+92.31%)
Mutual labels:  feature-extraction
auslan-party
✌Real-time translation of the Auslan Alphabet
Stars: ✭ 38 (-2.56%)
Mutual labels:  image-classification
Poke-Pi-Dex
Our deep learning for computer vision related project for nostalgic poke weebs (Sistemi digitali, Unibo).
Stars: ✭ 18 (-53.85%)
Mutual labels:  image-classification
PyTorch-Model-Compare
Compare neural networks by their feature similarity
Stars: ✭ 119 (+205.13%)
Mutual labels:  feature-extraction
CGvsPhoto
Computer Graphics vs Real Photographic Images : A Deep-learning approach
Stars: ✭ 24 (-38.46%)
Mutual labels:  image-classification
TFLite-Android-Helper
TensorFlow Lite Helper for Android to help getting started with TesnorFlow.
Stars: ✭ 25 (-35.9%)
Mutual labels:  image-classification
DeTraC COVId19
Classification of COVID-19 in chest X-ray images using DeTraC deep convolutional neural network
Stars: ✭ 34 (-12.82%)
Mutual labels:  image-classification
Plant AI
Performing Leaf Image classification for Recognition of Plant Diseases using various types of CNN Architecture, For detection of Diseased Leaf and thus helping the increase in crop yield.
Stars: ✭ 36 (-7.69%)
Mutual labels:  image-classification
classification
Catalyst.Classification
Stars: ✭ 35 (-10.26%)
Mutual labels:  image-classification
pytorch-vit
An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale
Stars: ✭ 250 (+541.03%)
Mutual labels:  image-classification
classy
Super simple text classifier using Naive Bayes. Plug-and-play, no dependencies
Stars: ✭ 12 (-69.23%)
Mutual labels:  classifier
Water-classifier-fastai
Deploy your Flask web app classifier on Heroku which is written using fastai library.
Stars: ✭ 37 (-5.13%)
Mutual labels:  classifier
50-days-of-Statistics-for-Data-Science
This repository consist of a 50-day program. All the statistics required for the complete understanding of data science will be uploaded in this repository.
Stars: ✭ 19 (-51.28%)
Mutual labels:  feature-extraction
mildnet
Visual Similarity research at Fynd. Contains code to reproduce 2 of our research papers.
Stars: ✭ 76 (+94.87%)
Mutual labels:  feature-extraction
zAnalysis
zAnalysis是基于Pascal语言编写的大型统计学开源库
Stars: ✭ 52 (+33.33%)
Mutual labels:  sift
SvmNest
a frame of amd-v svm nest
Stars: ✭ 47 (+20.51%)
Mutual labels:  svm
favorite-research-papers
Listing my favorite research papers 📝 from different fields as I read them.
Stars: ✭ 12 (-69.23%)
Mutual labels:  image-classification
image-recognition
采用深度学习方法进行刀具识别。
Stars: ✭ 19 (-51.28%)
Mutual labels:  image-classification
NN-scratch
Coding up a Neural Network Classifier from Scratch
Stars: ✭ 78 (+100%)
Mutual labels:  classifier
Emotion and Polarity SO
An emotion classifier of text containing technical content from the SE domain
Stars: ✭ 74 (+89.74%)
Mutual labels:  classifier
image-sorter2
One-click image sorting/labelling script
Stars: ✭ 65 (+66.67%)
Mutual labels:  image-classification
regression-stock-prediction
Predicting Google’s stock price using regression
Stars: ✭ 54 (+38.46%)
Mutual labels:  svm
svm
Tutorial: Support Vector Machine from scratch using Python3
Stars: ✭ 32 (-17.95%)
Mutual labels:  svm
info-retrieval
Information Retrieval in High Dimensional Data (class deliverables)
Stars: ✭ 33 (-15.38%)
Mutual labels:  svm
1-60 of 621 similar projects