Pinned Repositories
awesome-cheatsheets
👩💻👨💻 Awesome cheatsheets for popular programming languages, frameworks and development tools. They include everything you should know in one single file.
CVPR21-Deep-Lucas-Kanade-Homography-EC458PROJECT
A generic pipeline to align multimodal image pairs from different sensors by extending Lucas-Kanade on feature maps. CVPR2021
dsatools-important-files-notebooks
Digital signal analysis library for python. The library includes such methods of the signal analysis, signal processing and signal parameter estimation as ARMA-based techniques; subspace-based techniques; matrix-pencil-based methods; singular-spectrum analysis (SSA); dynamic-mode decomposition (DMD); empirical mode decomposition; variational mode decomposition (EMD); empirical wavelet transform (EWT); Hilbert vibration decomposition (HVD) and many others.
Feature_selection
Feature selection methods using optimization algroithms
Landmark-ML-papers
Landmark Papers in Machine Learning
machine-learning-important-nptebooks
Python machine learning applications in image processing, recommender system, matrix completion, netflix problem and algorithm implementations including Co-clustering, Funk SVD, SVD++, Non-negative Matrix Factorization, Koren Neighborhood Model, Koren Integrated Model, Dawid-Skene, Platt-Burges, Expectation Maximization, Factor Analysis, ISTA, FISTA, ADMM, Gaussian Mixture Model, OPTICS, DBSCAN, Random Forest, Decision Tree, Support Vector Machine, Independent Component Analysis, Latent Semantic Indexing, Principal Component Analysis, Singular Value Decomposition, K Nearest Neighbors, K Means, Naïve Bayes Mixture Model, Gaussian Discriminant Analysis, Newton Method, Coordinate Descent, Gradient Descent, Elastic Net Regression, Ridge Regression, Lasso Regression, Least Squares, Logistic Regression, Linear Regression
math_for_ml
Companion webpage to the book "Mathematics For Machine Learning"
NMIEO-Feature-Selection
cause journal
quant-trading-important-notebooks
Python quantitative trading strategies including VIX Calculator, Pattern Recognition, Commodity Trading Advisor, Monte Carlo, Options Straddle, Shooting Star, London Breakout, Heikin-Ashi, Pair Trading, RSI, Bollinger Bands, Parabolic SAR, Dual Thrust, Awesome, MACD
torchxrayvision
TorchXRayVision: A library of chest X-ray datasets and models.
Vasu2499's Repositories
Vasu2499/awesome-cheatsheets
👩💻👨💻 Awesome cheatsheets for popular programming languages, frameworks and development tools. They include everything you should know in one single file.
Vasu2499/CVPR21-Deep-Lucas-Kanade-Homography-EC458PROJECT
A generic pipeline to align multimodal image pairs from different sensors by extending Lucas-Kanade on feature maps. CVPR2021
Vasu2499/dsatools-important-files-notebooks
Digital signal analysis library for python. The library includes such methods of the signal analysis, signal processing and signal parameter estimation as ARMA-based techniques; subspace-based techniques; matrix-pencil-based methods; singular-spectrum analysis (SSA); dynamic-mode decomposition (DMD); empirical mode decomposition; variational mode decomposition (EMD); empirical wavelet transform (EWT); Hilbert vibration decomposition (HVD) and many others.
Vasu2499/Feature_selection
Feature selection methods using optimization algroithms
Vasu2499/machine-learning-important-nptebooks
Python machine learning applications in image processing, recommender system, matrix completion, netflix problem and algorithm implementations including Co-clustering, Funk SVD, SVD++, Non-negative Matrix Factorization, Koren Neighborhood Model, Koren Integrated Model, Dawid-Skene, Platt-Burges, Expectation Maximization, Factor Analysis, ISTA, FISTA, ADMM, Gaussian Mixture Model, OPTICS, DBSCAN, Random Forest, Decision Tree, Support Vector Machine, Independent Component Analysis, Latent Semantic Indexing, Principal Component Analysis, Singular Value Decomposition, K Nearest Neighbors, K Means, Naïve Bayes Mixture Model, Gaussian Discriminant Analysis, Newton Method, Coordinate Descent, Gradient Descent, Elastic Net Regression, Ridge Regression, Lasso Regression, Least Squares, Logistic Regression, Linear Regression
Vasu2499/math_for_ml
Companion webpage to the book "Mathematics For Machine Learning"
Vasu2499/NMIEO-Feature-Selection
cause journal
Vasu2499/quant-trading-important-notebooks
Python quantitative trading strategies including VIX Calculator, Pattern Recognition, Commodity Trading Advisor, Monte Carlo, Options Straddle, Shooting Star, London Breakout, Heikin-Ashi, Pair Trading, RSI, Bollinger Bands, Parabolic SAR, Dual Thrust, Awesome, MACD
Vasu2499/torchxrayvision
TorchXRayVision: A library of chest X-ray datasets and models.
Vasu2499/cnn-registration-EC458PROJECT
An image registration method using convolutional neural network features.
Vasu2499/Covid19_Detection_from_XRay_Images
CNN Implementation on Pytorch to detect Covid19 from Chest X-Ray Images
Vasu2499/Landmark-ML-papers
Landmark Papers in Machine Learning
Vasu2499/deep-face-recognition
One-shot Learning and deep face recognition notebooks and workshop materials
Vasu2499/DeepHomography-EC458PROJECT
Content-Aware Unsupervised Deep Homography Estimation
Vasu2499/easyreg
an image registration/augmentation/segmentation package
Vasu2499/Fast-Symmetric-Diffeomorphic-Image-Registration-with-Convolutional-Neural-Networks-EC458PROJECT
Fast Symmetric Diffeomorphic Image Registration with Convolutional Neural Networks
Vasu2499/Getting-Things-Done-with-Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Vasu2499/HW-2
First Commit for STATS 506 HW -2
Vasu2499/HW-5
STATS 506 HW 5
Vasu2499/ICNet-EC458PROJECT
Inverse-Consistent Deep Networks for Unsupervised Deformable Image Registration
Vasu2499/ImageRegistration
A demo that implement image registration by matching SIFT descriptors and appling RANSAC and affine transformation.
Vasu2499/Intrusion-Detection-System-Using-Machine-Learning
Code for intrusion detection system development using machine learning algorithms (Decision tree, random forest, extra trees, XGBoost, stacking, k-means, Bayesian optimization..)
Vasu2499/Network-Intrusion-Detection-Using-Machine-Learning
A Novel Statistical Analysis and Autoencoder Driven Intelligent Intrusion Detection Approach
Vasu2499/P2PSP-MTE-DiS-2021-
This is the solution repository for the MTE component of CO-405 Distributed Systems - 2021 - DTU(DCE)
Vasu2499/python-scraping
Code samples from the book Web Scraping with Python http://shop.oreilly.com/product/0636920034391.do
Vasu2499/satellite-image-deep-learning
Resources for deep learning with satellite & aerial imagery
Vasu2499/STATS-500-HW-4
Vasu2499/STATS-506-HW-3-VROHATGI
HOMEWORK - 3 - SOLVED
Vasu2499/STATS_506_HW_1_VROHATGI
Vasu2499/TransferLearning_Vgg16-19
Transfer learning with VGG16 and VGG19, the simpler way!