nNbSzxx's Stars
AIDC-AI/Ovis
A novel Multimodal Large Language Model (MLLM) architecture, designed to structurally align visual and textual embeddings.
zhougr1993/DeepInterestNetwork
chenxijun1029/DeepFM_with_PyTorch
A PyTorch implementation of DeepFM for CTR prediction problem.
rixwew/pytorch-fm
Factorization Machine models in PyTorch
tensorflow/docs
TensorFlow documentation
dxc19951001/Study_TF2.0
Optimization-AI/LibAUC
LibAUC: A Deep Learning Library for X-Risk Optimization
mmasana/FACIL
Framework for Analysis of Class-Incremental Learning with 12 state-of-the-art methods and 3 baselines.
freefq/free
翻墙、免费翻墙、免费科学上网、免费节点、免费梯子、免费ss/v2ray/trojan节点、蓝灯、谷歌商店、翻墙梯子
YoulianBoshi/vpn
yfzhang114/Generalization-Causality
关于domain generalization,domain adaptation,causality,robutness,prompt,optimization,generative model各式各样研究的阅读笔记
xialeiliu/Awesome-Incremental-Learning
Awesome Incremental Learning
GMvandeVen/continual-learning
PyTorch implementation of various methods for continual learning (XdG, EWC, SI, LwF, FROMP, DGR, BI-R, ER, A-GEM, iCaRL, Generative Classifier) in three different scenarios.
aymericdamien/TensorFlow-Examples
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
Zumbalamambo/SemiNAS
Semi Supervised Neural Architecture Search
ultmaster/neuralpredictor.pytorch
Open source reproduction in PyTorch of "Neural Predictor for Neural Architecture Search".
jackguagua/awesome-nas-papers
Awesome Neural Architecture Search Papers
ultralytics/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > TFLite
eriklindernoren/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
multimodallearning/pytorch-mask-rcnn
chenyuntc/simple-faster-rcnn-pytorch
A simplified implemention of Faster R-CNN that replicate performance from origin paper
jwyang/faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
facebookresearch/detectron2
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
wannabeOG/Mask-RCNN
A PyTorch implementation of the architecture of Mask RCNN
lucifer443/SpineNet-Pytorch
This project is a kind of implementation of SpineNet(CVPR 2020) using mmdetection.
ShuLiu1993/PANet
PANet for Instance Segmentation and Object Detection
megvii-model/SinglePathOneShot
quark0/darts
Differentiable architecture search for convolutional and recurrent networks
pytorch/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
akamaster/pytorch_resnet_cifar10
Proper implementation of ResNet-s for CIFAR10/100 in pytorch that matches description of the original paper.