Pinned Repositories
awesome-datascience
:memo: An awesome Data Science repository to learn and apply for real world problems.
conformer
Implementation of the convolutional module from the Conformer paper, for use in Transformers
Data-Mining
Data Mining Algorithm in Java (hadoop)
JokerJumper
llama3
The official Meta Llama 3 GitHub site
Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
open_clip
An open source implementation of CLIP.
open_flamingo
An open-source framework for training large multimodal models.
squad
Conditioning LSTM Decoder and Bi-directional Attention Based Question Answering System
Video_Object_Segmentation
U-Net Based Multi-instance Video Object Segmentation
hyuna915's Repositories
hyuna915/Video_Object_Segmentation
U-Net Based Multi-instance Video Object Segmentation
hyuna915/squad
Conditioning LSTM Decoder and Bi-directional Attention Based Question Answering System
hyuna915/Data-Mining
Data Mining Algorithm in Java (hadoop)
hyuna915/JokerJumper
hyuna915/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
hyuna915/awesome-datascience
:memo: An awesome Data Science repository to learn and apply for real world problems.
hyuna915/facenet
Face recognition using Tensorflow
hyuna915/fairseq
Facebook AI Research Sequence-to-Sequence Toolkit
hyuna915/machine_learning_in_action_java
hyuna915/machinelearninginaction
Source Code for the book: Machine Learning in Action published by Manning
hyuna915/mahout
Mirror of Apache Mahout
hyuna915/nn
hyuna915/scikit-learn
scikit-learn: machine learning in Python
hyuna915/spark
Mirror of Apache Spark
hyuna915/tensor2tensor
A library for generalized sequence to sequence models
hyuna915/tensorflow
Computation using data flow graphs for scalable machine learning
hyuna915/conformer
Implementation of the convolutional module from the Conformer paper, for use in Transformers
hyuna915/llama3
The official Meta Llama 3 GitHub site
hyuna915/open_clip
An open source implementation of CLIP.
hyuna915/open_flamingo
An open-source framework for training large multimodal models.
hyuna915/CoCa-pytorch
Implementation of CoCa, Contrastive Captioners are Image-Text Foundation Models, in Pytorch
hyuna915/lingvo
Lingvo
hyuna915/llama
Inference code for Llama models
hyuna915/nanoGPT
The simplest, fastest repository for training/finetuning medium-sized GPTs.
hyuna915/PaddleNLP
π Easy-to-use and powerful NLP and LLM library with π€ Awesome model zoo, supporting wide-range of NLP tasks from research to industrial applications, including πText Classification, π Neural Search, β Question Answering, βΉοΈ Information Extraction, π Document Intelligence, π Sentiment Analysis etc.
hyuna915/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNet-V3/V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
hyuna915/text-to-text-transfer-transformer
Code for the paper "Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer"
hyuna915/toolformer-pytorch
Implementation of Toolformer, Language Models That Can Use Tools, by MetaAI
hyuna915/transformers
π€ Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
hyuna915/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch