Pinned Repositories
ABigSurvey
A collection of 700+ survey papers on Natural Language Processing (NLP) and Machine Learning (ML)
awesome-deepfakes-materials
A curated list of awesome Deepfakes materials
Awesome-Face-Forgery-Generation-and-Detection
A curated list of articles and codes related to face forgery generation and detection.
Awesome-Interaction-aware-Trajectory-Prediction
A selection of state-of-the-art research materials on trajectory prediction
awesome-transformers-in-medical-imaging
A collection of resources on applications of Transformers in Medical Imaging.
BioGPT
conv-social-pooling
Code for model proposed in: Nachiket Deo and Mohan M. Trivedi,"Convolutional Social Pooling for Vehicle Trajectory Prediction." CVPRW, 2018
coursera
git tutorial
papers
Summaries of machine learning papers
simple_lstm
Experimenting LSTM for sequence prediction with Keras
asif-nuaa's Repositories
asif-nuaa/ABigSurvey
A collection of 700+ survey papers on Natural Language Processing (NLP) and Machine Learning (ML)
asif-nuaa/awesome-deepfakes-materials
A curated list of awesome Deepfakes materials
asif-nuaa/Awesome-Face-Forgery-Generation-and-Detection
A curated list of articles and codes related to face forgery generation and detection.
asif-nuaa/awesome-transformers-in-medical-imaging
A collection of resources on applications of Transformers in Medical Imaging.
asif-nuaa/BioGPT
asif-nuaa/Datasets
Machine learning datasets used in tutorials on MachineLearningMastery.com
asif-nuaa/Deepfake-Detection
The Pytorch implemention of Deepfake Detection based on Faceforensics++
asif-nuaa/dlwpt-code
Code for the book Deep Learning with PyTorch by Eli Stevens, Luca Antiga, and Thomas Viehmann.
asif-nuaa/deeplake
Data Lake for Deep Learning. Multi-modal Vector Database for LLMs/LangChain. Store, query, version, & visualize datasets. Stream data in real-time to PyTorch/TensorFlow. https://activeloop.ai
asif-nuaa/detect-gpt
DetectGPT: Zero-Shot Machine-Generated Text Detection using Probability Curvature
asif-nuaa/dfdc_deepfake_challenge
A prize winning solution for DFDC challenge
asif-nuaa/fastbook
The fastai book, published as Jupyter Notebooks
asif-nuaa/inltk
Natural Language Toolkit for Indic Languages aims to provide out of the box support for various NLP tasks that an application developer might need
asif-nuaa/MedMNIST
18 MNIST-like Datasets for 2D and 3D Biomedical Image Classification: try "pip install medmnist"!
asif-nuaa/ml-surveys
📋 Survey papers summarizing advances in deep learning, NLP, CV, graphs, reinforcement learning, recommendations, graphs, etc.
asif-nuaa/mmdetection
OpenMMLab Detection Toolbox and Benchmark
asif-nuaa/nlp-in-python-tutorial
comparing stand up comedians using natural language processing
asif-nuaa/NLP-progress
Repository to track the progress in Natural Language Processing (NLP), including the datasets and the current state-of-the-art for the most common NLP tasks.
asif-nuaa/OCR
The project aims to digitize the document using Tesseract OCR and translate it into any language.
asif-nuaa/OpenChatKit
asif-nuaa/OpenWeedLocator
An open-source, low-cost, image-based weed detection device for in-crop and fallow scenarios.
asif-nuaa/paperswithcode-client
API Client for paperswithcode.com
asif-nuaa/python-machine-learning-book
The "Python Machine Learning (1st edition)" book code repository and info resource
asif-nuaa/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
asif-nuaa/pytorch-metric-learning
The easiest way to use deep metric learning in your application. Modular, flexible, and extensible. Written in PyTorch.
asif-nuaa/PyTorch-StudioGAN
StudioGAN is a Pytorch library providing implementations of representative Generative Adversarial Networks (GANs) for conditional/unconditional image generation.
asif-nuaa/Sequence-Models
asif-nuaa/stable-diffusion-webui
Stable Diffusion web UI
asif-nuaa/Transformer_for_medical_image_analysis
A collection of papers about Transformer in the field of medical image analysis.
asif-nuaa/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch