├── .dockerignore ├── .flake8 ├── .gitattributes ├── .gitignore ├── ACKNOWLEDGEMENTS ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── LICENSE ├── Makefile ├── README.md ├── assets ├── cat.jpeg └── dog.jpeg ├── conftest.py ├── corenet ├── __init__.py ├── __main__.py ├── __version__.py ├── cli │ ├── __init__.py │ ├── entrypoints.py │ ├── main.py │ ├── main_benchmark.py │ ├── main_conversion.py │ ├── main_eval.py │ ├── main_eval_llmadapters.py │ └── main_train.py ├── constants.py ├── data │ ├── __init__.py │ ├── collate_fns │ │ ├── __init__.py │ │ ├── byteformer_collate_functions.py │ │ └── collate_functions.py │ ├── data_loaders.py │ ├── datasets │ │ ├── __init__.py │ │ ├── audio_classification │ │ │ ├── __init__.py │ │ │ └── speech_commands_v2.py │ │ ├── classification │ │ │ ├── __init__.py │ │ │ ├── base_image_classification_dataset.py │ │ │ ├── base_imagenet_shift_dataset.py │ │ │ ├── coco.py │ │ │ ├── imagenet.py │ │ │ ├── imagenet_a.py │ │ │ ├── imagenet_r.py │ │ │ ├── imagenet_sketch.py │ │ │ ├── imagenet_synsets.py │ │ │ ├── imagenet_v2.py │ │ │ ├── places365.py │ │ │ └── wordnet_tagged_classification.py │ │ ├── dataset_base.py │ │ ├── detection │ │ │ ├── __init__.py │ │ │ ├── base_detection.py │ │ │ ├── coco_base.py │ │ │ ├── coco_mask_rcnn.py │ │ │ └── coco_ssd.py │ │ ├── language_modeling │ │ │ ├── __init__.py │ │ │ ├── base_lm.py │ │ │ ├── commonsense_170k.py │ │ │ └── general_lm.py │ │ ├── multi_modal_img_text │ │ │ ├── __init__.py │ │ │ ├── base_multi_modal_img_text.py │ │ │ ├── flickr.py │ │ │ ├── img_text_tar_dataset.py │ │ │ └── zero_shot_image_classification │ │ │ │ ├── __init__.py │ │ │ │ ├── base_zero_shot_image_classification.py │ │ │ │ ├── imagenet.py │ │ │ │ ├── imagenet_a.py │ │ │ │ ├── imagenet_class_names.py │ │ │ │ ├── imagenet_r.py │ │ │ │ ├── imagenet_sketch.py │ │ │ │ └── templates.py │ │ ├── segmentation │ │ │ ├── __init__.py │ │ │ ├── ade20k.py │ │ │ ├── base_segmentation.py │ │ │ ├── coco_segmentation.py │ │ │ ├── coco_stuff.py │ │ │ └── pascal_voc.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── common.py │ │ │ ├── text.py │ │ │ └── video.py │ ├── io │ │ ├── __init__.py │ │ └── transfer_clients.py │ ├── loader │ │ ├── __init__.py │ │ └── dataloader.py │ ├── sampler │ │ ├── __init__.py │ │ ├── base_sampler.py │ │ ├── batch_sampler.py │ │ ├── chain_sampler.py │ │ ├── multi_scale_sampler.py │ │ ├── utils.py │ │ ├── variable_batch_sampler.py │ │ ├── video_batch_sampler.py │ │ ├── video_clip_batch_sampler.py │ │ └── video_variable_seq_sampler.py │ ├── text_tokenizer │ │ ├── __init__.py │ │ ├── base_tokenizer.py │ │ ├── clip_tokenizer.py │ │ └── sentencepiece_tokenizer.py │ ├── transforms │ │ ├── __init__.py │ │ ├── audio.py │ │ ├── audio_aux │ │ │ ├── __init__.py │ │ │ └── mfccs.py │ │ ├── audio_bytes.py │ │ ├── base_transforms.py │ │ ├── common.py │ │ ├── image_bytes.py │ │ ├── image_pil.py │ │ ├── image_torch.py │ │ ├── utils.py │ │ └── video.py │ └── video_reader │ │ ├── __init__.py │ │ ├── base_av_reader.py │ │ ├── decord_reader.py │ │ ├── ffmpeg_reader.py │ │ ├── ffmpeg_utils.py │ │ └── pyav_reader.py ├── engine │ ├── __init__.py │ ├── default_trainer.py │ ├── detection_utils │ │ ├── __init__.py │ │ └── coco_map.py │ ├── eval_detection.py │ ├── eval_segmentation.py │ ├── evaluation_engine.py │ ├── fsdp_trainer.py │ ├── segmentation_utils │ │ ├── __init__.py │ │ └── cityscapes_iou.py │ └── utils.py ├── loss_fn │ ├── __init__.py │ ├── base_criteria.py │ ├── classification │ │ ├── __init__.py │ │ ├── base_classification_criteria.py │ │ ├── binary_cross_entropy.py │ │ ├── cross_entropy.py │ │ └── focal_loss.py │ ├── composite_loss.py │ ├── detection │ │ ├── __init__.py │ │ ├── base_detection_criteria.py │ │ ├── mask_rcnn_loss.py │ │ └── ssd_multibox_loss.py │ ├── distillation │ │ ├── __init__.py │ │ ├── base_distillation.py │ │ ├── hard_distillation.py │ │ └── soft_kl_distillation.py │ ├── language_modeling │ │ ├── __init__.py │ │ ├── base_lm.py │ │ ├── cross_entropy.py │ │ └── cross_entropy_for_kv_prediction.py │ ├── multi_modal_img_text │ │ ├── __init__.py │ │ ├── base_multi_modal_img_text_criteria.py │ │ └── contrastive_loss_clip.py │ ├── neural_augmentation.py │ ├── segmentation │ │ ├── __init__.py │ │ ├── base_segmentation_criteria.py │ │ └── cross_entropy.py │ └── utils │ │ ├── __init__.py │ │ ├── build_helper.py │ │ └── class_weighting.py ├── metrics │ ├── __init__.py │ ├── average_precision.py │ ├── coco_map.py │ ├── confusion_mat.py │ ├── image_text_retrieval.py │ ├── intersection_over_union.py │ ├── metric_base.py │ ├── metric_base_test.py │ ├── misc.py │ ├── multiclass_classification_pr.py │ ├── probability_histograms.py │ ├── psnr.py │ ├── retrieval_cmc.py │ ├── stats.py │ ├── topk_accuracy.py │ └── vqa_preset_score.py ├── modeling │ ├── __init__.py │ ├── anchor_generator │ │ ├── __init__.py │ │ ├── base_anchor_generator.py │ │ └── ssd_anchor_generator.py │ ├── image_projection_layers │ │ ├── __init__.py │ │ ├── attention_pool_2d.py │ │ ├── base_image_projection.py │ │ ├── global_pool_2d.py │ │ └── simple_projection_head.py │ ├── layers │ │ ├── __init__.py │ │ ├── activation │ │ │ ├── __init__.py │ │ │ ├── gelu.py │ │ │ ├── hard_sigmoid.py │ │ │ ├── hard_swish.py │ │ │ ├── leaky_relu.py │ │ │ ├── prelu.py │ │ │ ├── relu.py │ │ │ ├── relu6.py │ │ │ ├── sigmoid.py │ │ │ ├── swish.py │ │ │ └── tanh.py │ │ ├── adaptive_pool.py │ │ ├── base_layer.py │ │ ├── conv_layer.py │ │ ├── dropout.py │ │ ├── embedding.py │ │ ├── flash_multi_head_attention.py │ │ ├── flatten.py │ │ ├── global_pool.py │ │ ├── identity.py │ │ ├── linear_attention.py │ │ ├── linear_layer.py │ │ ├── multi_head_attention.py │ │ ├── normalization │ │ │ ├── __init__.py │ │ │ ├── batch_norm.py │ │ │ ├── group_norm.py │ │ │ ├── instance_norm.py │ │ │ ├── layer_norm.py │ │ │ ├── rms_norm.py │ │ │ └── sync_batch_norm.py │ │ ├── normalization_layers.py │ │ ├── pixel_shuffle.py │ │ ├── pooling.py │ │ ├── positional_embedding.py │ │ ├── positional_encoding.py │ │ ├── random_layers.py │ │ ├── rotary_embeddings.py │ │ ├── single_head_attention.py │ │ ├── softmax.py │ │ ├── stochastic_depth.py │ │ ├── token_merging.py │ │ └── upsample.py │ ├── matcher_det │ │ ├── __init__.py │ │ ├── base_matcher.py │ │ └── ssd_matcher.py │ ├── misc │ │ ├── __init__.py │ │ ├── averaging_utils.py │ │ ├── box_utils.py │ │ ├── common.py │ │ └── init_utils.py │ ├── models │ │ ├── __init__.py │ │ ├── audio_classification │ │ │ ├── __init__.py │ │ │ ├── audio_byteformer.py │ │ │ └── base_audio_classification.py │ │ ├── base_model.py │ │ ├── classification │ │ │ ├── __init__.py │ │ │ ├── base_image_encoder.py │ │ │ ├── byteformer.py │ │ │ ├── config │ │ │ │ ├── __init__.py │ │ │ │ ├── byteformer.py │ │ │ │ ├── efficientnet.py │ │ │ │ ├── fastvit.py │ │ │ │ ├── mobilenetv1.py │ │ │ │ ├── mobilenetv2.py │ │ │ │ ├── mobilenetv3.py │ │ │ │ ├── mobileone.py │ │ │ │ ├── mobilevit.py │ │ │ │ ├── mobilevit_v2.py │ │ │ │ ├── regnet.py │ │ │ │ ├── resnet.py │ │ │ │ ├── swin_transformer.py │ │ │ │ └── vit.py │ │ │ ├── efficientnet.py │ │ │ ├── fastvit.py │ │ │ ├── mobilenetv1.py │ │ │ ├── mobilenetv2.py │ │ │ ├── mobilenetv3.py │ │ │ ├── mobileone.py │ │ │ ├── mobilevit.py │ │ │ ├── mobilevit_v2.py │ │ │ ├── regnet.py │ │ │ ├── resnet.py │ │ │ ├── swin_transformer.py │ │ │ └── vit.py │ │ ├── detection │ │ │ ├── __init__.py │ │ │ ├── base_detection.py │ │ │ ├── mask_rcnn.py │ │ │ ├── ssd.py │ │ │ └── utils │ │ │ │ ├── __init__.py │ │ │ │ └── rcnn_utils.py │ │ ├── fsdp_wrapper.py │ │ ├── language_modeling │ │ │ ├── __init__.py │ │ │ ├── base_lm.py │ │ │ ├── general_gpt.py │ │ │ └── kv_prediction.py │ │ ├── multi_modal_img_text │ │ │ ├── __init__.py │ │ │ ├── base_multi_modal_img_text.py │ │ │ └── clip.py │ │ ├── segmentation │ │ │ ├── __init__.py │ │ │ ├── base_seg.py │ │ │ ├── enc_dec.py │ │ │ └── heads │ │ │ │ ├── __init__.py │ │ │ │ ├── base_seg_head.py │ │ │ │ ├── deeplabv3.py │ │ │ │ ├── pspnet.py │ │ │ │ └── simple_seg_head.py │ │ └── video_classification │ │ │ ├── __init__.py │ │ │ └── base_video_encoder.py │ ├── modules │ │ ├── __init__.py │ │ ├── aspp_block.py │ │ ├── base_module.py │ │ ├── efficientnet.py │ │ ├── fastvit.py │ │ ├── feature_pyramid.py │ │ ├── flash_transformer.py │ │ ├── mobilenetv2.py │ │ ├── mobileone_block.py │ │ ├── mobilevit_block.py │ │ ├── pspnet_module.py │ │ ├── regnet_modules.py │ │ ├── resnet_modules.py │ │ ├── squeeze_excitation.py │ │ ├── ssd_heads.py │ │ ├── swin_transformer_block.py │ │ ├── transformer.py │ │ └── windowed_transformer.py │ ├── neural_augmentor │ │ ├── __init__.py │ │ ├── neural_aug.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ └── neural_aug_utils.py │ └── text_encoders │ │ ├── __init__.py │ │ ├── base_text_encoder.py │ │ └── transformer.py ├── optims │ ├── __init__.py │ ├── adam.py │ ├── adamw.py │ ├── base_optim.py │ ├── scheduler │ │ ├── __init__.py │ │ ├── base_scheduler.py │ │ ├── cosine.py │ │ ├── cyclic.py │ │ ├── fixed.py │ │ ├── multi_step.py │ │ └── polynomial.py │ └── sgd.py ├── options │ ├── __init__.py │ ├── errors.py │ ├── opts.py │ ├── parse_args.py │ └── utils.py ├── third_party │ ├── __init__.py │ ├── data │ │ ├── __init__.py │ │ └── text_tokenizer │ │ │ ├── __init__.py │ │ │ └── openai_clip_tokenizer.py │ └── modeling │ │ ├── __init__.py │ │ ├── lora.py │ │ └── ssd_utils.py ├── train_eval_pipelines │ ├── __init__.py │ ├── base.py │ ├── default_train_eval.py │ └── fsdp_train_eval.py └── utils │ ├── __init__.py │ ├── activation_checkpointing_wrapper.py │ ├── check.py │ ├── checkpoint_utils.py │ ├── color_map.py │ ├── common_utils.py │ ├── context_managers.py │ ├── ddp_utils.py │ ├── dict_utils.py │ ├── download_utils.py │ ├── file_logger.py │ ├── fpdb.py │ ├── hf_adapter_utils.py │ ├── import_utils.py │ ├── io_utils.py │ ├── logger.py │ ├── math_utils.py │ ├── object_utils.py │ ├── object_utils_test.py │ ├── pytorch_to_coreml.py │ ├── registry.py │ ├── registry_test.py │ ├── resources.py │ ├── retry_utils.py │ ├── tensor_utils.py │ └── visualization_utils.py ├── mlx_examples ├── clip │ ├── README.md │ ├── __init__.py │ ├── clip.py │ ├── image_processor.py │ ├── main_clip_to_mlx.py │ ├── main_test_clip_mlx.py │ ├── model.py │ ├── requirements.txt │ ├── results │ │ └── .gitkeep │ └── tokenizer.py ├── open_elm │ ├── README.md │ ├── __init__.py │ ├── convert.py │ ├── inference.py │ └── open_elm.py └── requirements.txt ├── projects ├── byteformer │ ├── README.md │ ├── imagenet_file_encodings │ │ ├── encoding_type=PNG.yaml │ │ ├── encoding_type=TIFF.yaml │ │ ├── encoding_type=fCHW.yaml │ │ └── encoding_type=fHWC.yaml │ ├── imagenet_jpeg_q100 │ │ ├── conv_kernel_size=16.yaml │ │ ├── conv_kernel_size=32.yaml │ │ └── conv_kernel_size=8.yaml │ ├── imagenet_jpeg_q60 │ │ ├── conv_kernel_size=16,window_sizes=[128].yaml │ │ ├── conv_kernel_size=16,window_sizes=[32].yaml │ │ ├── conv_kernel_size=32,window_sizes=[128].yaml │ │ ├── conv_kernel_size=32,window_sizes=[32].yaml │ │ ├── conv_kernel_size=4,window_sizes=[128].yaml │ │ ├── conv_kernel_size=4,window_sizes=[32].yaml │ │ ├── conv_kernel_size=8,window_sizes=[128].yaml │ │ └── conv_kernel_size=8,window_sizes=[32].yaml │ ├── imagenet_jpeg_shuffle_bytes │ │ ├── mode=cyclic_half_length.yaml │ │ ├── mode=random_shuffle.yaml │ │ ├── mode=reverse.yaml │ │ ├── mode=stride.yaml │ │ └── mode=window_shuffle.yaml │ ├── imagenet_obfuscation │ │ ├── width_range=[-10,10].yaml │ │ ├── width_range=[-20,20].yaml │ │ ├── width_range=[-5,5].yaml │ │ └── width_range=[0,0].yaml │ ├── imagenet_privacy_preserving_camera │ │ ├── keep_frac=0.03,conv_kernel_size=4.yaml │ │ ├── keep_frac=0.05,conv_kernel_size=4.yaml │ │ ├── keep_frac=0.1,conv_kernel_size=4.yaml │ │ ├── keep_frac=0.25,conv_kernel_size=8.yaml │ │ ├── keep_frac=0.5,conv_kernel_size=16.yaml │ │ └── keep_frac=0.75,conv_kernel_size=32.yaml │ ├── model_arch.png │ ├── speech_commands_mp3 │ │ ├── conv_kernel_size=4,window_size=[128].yaml │ │ ├── conv_kernel_size=4,window_size=[32].yaml │ │ ├── conv_kernel_size=8,window_size=[128].yaml │ │ └── conv_kernel_size=8,window_size=[32].yaml │ └── speech_commands_wav │ │ ├── encoding_dtype=float32,conv_kernel_size=16.yaml │ │ ├── encoding_dtype=float32,conv_kernel_size=32.yaml │ │ ├── encoding_dtype=int16,conv_kernel_size=16.yaml │ │ ├── encoding_dtype=int16,conv_kernel_size=32.yaml │ │ ├── encoding_dtype=int16,conv_kernel_size=8.yaml │ │ ├── encoding_dtype=int32,conv_kernel_size=16.yaml │ │ ├── encoding_dtype=int32,conv_kernel_size=32.yaml │ │ ├── encoding_dtype=uint8,conv_kernel_size=16.yaml │ │ ├── encoding_dtype=uint8,conv_kernel_size=32.yaml │ │ ├── encoding_dtype=uint8,conv_kernel_size=4.yaml │ │ └── encoding_dtype=uint8,conv_kernel_size=8.yaml ├── catlip │ ├── README-multi-label-object-classification.md │ ├── README-object-detection.md │ ├── README-pretraining.md │ ├── README-semantic-segmentation.md │ ├── README-single-label-object-classification.md │ ├── README.md │ ├── image_classification │ │ ├── imagenet │ │ │ ├── vit_base.yaml │ │ │ ├── vit_base_512x512.yaml │ │ │ ├── vit_huge.yaml │ │ │ ├── vit_huge_512x512.yaml │ │ │ ├── vit_large.yaml │ │ │ └── vit_large_512x512.yaml │ │ └── places365 │ │ │ ├── vit_base.yaml │ │ │ ├── vit_base_512x512.yaml │ │ │ ├── vit_huge.yaml │ │ │ ├── vit_huge_512x512.yaml │ │ │ ├── vit_large.yaml │ │ │ └── vit_large_512x512.yaml │ ├── multi_label_image_classification │ │ ├── vit_base.yaml │ │ └── vit_large.yaml │ ├── object_detection │ │ ├── maskrcnn_vit_base.yaml │ │ ├── maskrcnn_vit_huge.yaml │ │ └── maskrcnn_vit_large.yaml │ ├── pretraining │ │ ├── vit_base.yaml │ │ ├── vit_huge.yaml │ │ └── vit_large.yaml │ └── semantic_segmentation │ │ ├── deeplabv3_vit_base.yaml │ │ ├── deeplabv3_vit_huge.yaml │ │ └── deeplabv3_vit_large.yaml ├── clip │ ├── README.md │ └── clip_vit_base.yaml ├── fastvit │ ├── README.md │ └── classification │ │ └── fastvit_t8_in1k.yaml ├── kv-prediction │ ├── README.md │ ├── model_arch.png │ ├── openelm │ │ ├── openelm_1_1B_0_25.yaml │ │ ├── openelm_1_1B_0_50.yaml │ │ ├── openelm_1_1B_0_75.yaml │ │ ├── openelm_1_1B_kvp_c_270M.yaml │ │ ├── openelm_1_1B_kvp_c_450M.yaml │ │ ├── openelm_1_1B_kvp_lp_0_25.yaml │ │ ├── openelm_1_1B_kvp_lp_0_50.yaml │ │ ├── openelm_1_1B_kvp_lp_0_75.yaml │ │ ├── openelm_3B_kvp_c_1_1B.yaml │ │ ├── openelm_3B_kvp_c_270M.yaml │ │ ├── openelm_3B_kvp_c_450M.yaml │ │ ├── openelm_3B_kvp_lp_0_25.yaml │ │ ├── openelm_3B_kvp_lp_0_50.yaml │ │ ├── openelm_3B_kvp_lp_0_75.yaml │ │ ├── openelm_base_3B_aux_0_25l.yaml │ │ ├── openelm_base_3B_aux_0_50l.yaml │ │ └── openelm_base_3B_aux_0_75l.yaml │ └── triviaqa-template.yaml ├── mobilenet_v1 │ ├── README.md │ └── classification │ │ └── mobilenetv1_1.0_in1k.yaml ├── mobilenet_v2 │ ├── README.md │ ├── classification │ │ └── mobilenetv2_1.0_in1k.yaml │ └── segmentation │ │ └── deeplabv3_ade20k.yaml ├── mobilenet_v3 │ ├── README.md │ └── classification │ │ └── mobilenetv3_large_in1k.yaml ├── mobileone │ ├── README.md │ └── classification │ │ └── mobileone_s1_in1k.yaml ├── mobilevit │ └── README.md ├── mobilevit_v2 │ ├── README.md │ ├── classification │ │ ├── mobilevitv2_2.0_ft_384x384.yaml │ │ └── mobilevitv2_2.0_in1k.yaml │ ├── detection │ │ └── mobilevitv2_2.0_ssd_coco.yaml │ └── segmentation │ │ └── deeplabv3_mobilevitv2_1.0_ade20k.yaml ├── openelm │ ├── README-instruct.md │ ├── README-peft.md │ ├── README-pretraining.md │ ├── README.md │ ├── instruction_tuning │ │ └── openelm-instruct.yaml │ ├── peft_configs │ │ ├── openelm_lora_1_1B.yaml │ │ ├── openelm_lora_270M.yaml │ │ ├── openelm_lora_270M_eval.yaml │ │ ├── openelm_lora_3B.yaml │ │ └── openelm_lora_450M.yaml │ └── pretraining_configs │ │ ├── openelm_1_1B.yaml │ │ ├── openelm_270M.yaml │ │ ├── openelm_3B.yaml │ │ └── openelm_450M.yaml ├── range_augment │ ├── README-classification.md │ ├── README-clip.md │ ├── README-distillation.md │ ├── README-object-detection.md │ ├── README-segmentation.md │ ├── README.md │ ├── classification │ │ ├── efficientnet_b0.yaml │ │ ├── efficientnet_b1.yaml │ │ ├── efficientnet_b2.yaml │ │ ├── efficientnet_b3.yaml │ │ ├── mobilenet_v1.yaml │ │ ├── mobilenet_v2.yaml │ │ ├── mobilenet_v3.yaml │ │ ├── mobilevit_v1.yaml │ │ ├── regnety_16gf.yaml │ │ ├── resnet_101.yaml │ │ ├── resnet_50.yaml │ │ ├── se_resnet_50.yaml │ │ ├── swin_transformer_small.yaml │ │ └── swin_transformer_tiny.yaml │ ├── clip │ │ ├── clip_vit_base.yaml │ │ └── clip_vit_huge.yaml │ ├── clip_finetune_imagenet │ │ ├── clip_vit_base.yaml │ │ └── clip_vit_huge.yaml │ ├── detection │ │ ├── maskrcnn_efficientnet_b3.yaml │ │ ├── maskrcnn_mobilenet_v1.yaml │ │ ├── maskrcnn_mobilenet_v2.yaml │ │ ├── maskrcnn_mobilenet_v3.yaml │ │ ├── maskrcnn_mobilevit.yaml │ │ ├── maskrcnn_resnet_101.yaml │ │ └── maskrcnn_resnet_50.yaml │ ├── distillation │ │ ├── teacher_resnet101_student_mobilenet_v1.yaml │ │ ├── teacher_resnet101_student_mobilenet_v2.yaml │ │ ├── teacher_resnet101_student_mobilenet_v3.yaml │ │ └── teacher_resnet101_student_mobilevit.yaml │ └── segmentation │ │ ├── ade20k │ │ ├── deeplabv3_efficientnet_b3.yaml │ │ ├── deeplabv3_mobilenet_v1.yaml │ │ ├── deeplabv3_mobilenet_v2.yaml │ │ ├── deeplabv3_mobilenet_v3.yaml │ │ ├── deeplabv3_mobilevit.yaml │ │ ├── deeplabv3_resnet_101.yaml │ │ └── deeplabv3_resnet_50.yaml │ │ └── pascal_voc │ │ ├── deeplabv3_efficientnet_b3.yaml │ │ ├── deeplabv3_mobilenet_v1.yaml │ │ ├── deeplabv3_mobilenet_v2.yaml │ │ ├── deeplabv3_mobilenet_v3.yaml │ │ ├── deeplabv3_resnet_101.yaml │ │ └── deeplabv3_resnet_50.yaml ├── resnet │ ├── README.md │ ├── classification │ │ └── resnet50_in1k.yaml │ └── detection │ │ └── ssd_resnet50_coco.yaml └── vit │ ├── README.md │ └── classification │ └── vit_base_in1k.yaml ├── pyproject.toml ├── requirements-optional.txt ├── requirements.txt ├── setup.py ├── tests ├── __init__.py ├── configs.py ├── data │ ├── __init__.py │ ├── coco │ │ └── annotations │ │ │ ├── instances_train2017.json │ │ │ └── instances_val2017.json │ ├── collate_fns │ │ ├── __init__.py │ │ ├── test_byteformer_collate_fn.py │ │ └── test_collate_functions.py │ ├── datasets │ │ ├── __init__.py │ │ ├── audio_classification │ │ │ ├── __init__.py │ │ │ └── test_speech_commands_v2.py │ │ ├── classification │ │ │ ├── __init__.py │ │ │ ├── dummy_configs │ │ │ │ ├── coco.yaml │ │ │ │ ├── image_classification_dataset.yaml │ │ │ │ ├── imagenet.yaml │ │ │ │ ├── imagenet_a.yaml │ │ │ │ ├── imagenet_r.yaml │ │ │ │ ├── imagenet_sketch.yaml │ │ │ │ └── wordnet_tagged_classification.yaml │ │ │ ├── dummy_images │ │ │ │ ├── training │ │ │ │ │ ├── class1 │ │ │ │ │ │ ├── dummy_image1.jpg │ │ │ │ │ │ └── dummy_image2.jpg │ │ │ │ │ └── class2 │ │ │ │ │ │ ├── dummy_image1.jpg │ │ │ │ │ │ └── dummy_image2.jpg │ │ │ │ └── validation │ │ │ │ │ ├── class1 │ │ │ │ │ ├── dummy_image1.jpg │ │ │ │ │ └── dummy_image2.jpg │ │ │ │ │ └── class2 │ │ │ │ │ ├── dummy_image1.jpg │ │ │ │ │ └── dummy_image2.jpg │ │ │ ├── mock_coco.py │ │ │ ├── mock_imagenet.py │ │ │ ├── mock_wordnet_tagged_classification.py │ │ │ ├── test_base_image_classification_dataset.py │ │ │ ├── test_mock_coco.py │ │ │ ├── test_mock_imagenet.py │ │ │ └── test_wordnet_tagged_classification.py │ │ ├── detection │ │ │ ├── __init__.py │ │ │ ├── mock_coco_mask_rcnn.py │ │ │ └── mock_coco_ssd.py │ │ ├── language_modeling │ │ │ ├── __init__.py │ │ │ ├── dummy_commonsense_170k.yaml │ │ │ ├── dummy_lm_dataset.yaml │ │ │ ├── mock_general_lm.py │ │ │ ├── test_commonsense_170k.py │ │ │ └── test_general_lm.py │ │ ├── multi_modal_img_text │ │ │ ├── __init__.py │ │ │ ├── dummy_img_text_tar_dataset.yaml │ │ │ ├── mock_img_text_tar_dataset.py │ │ │ ├── test_img_text_tar_dataset.py │ │ │ └── zero_shot_image_classification │ │ │ │ ├── __init__.py │ │ │ │ ├── dummy_configs │ │ │ │ ├── imagenet.yaml │ │ │ │ ├── imagenet_a.yaml │ │ │ │ ├── imagenet_r.yaml │ │ │ │ └── imagenet_sketch.yaml │ │ │ │ ├── mock_imagenet.py │ │ │ │ └── test_mock_imagenet.py │ │ ├── segmentation │ │ │ ├── __init__.py │ │ │ ├── dummy_ade20k_config.yaml │ │ │ ├── dummy_cocostuff_config.yaml │ │ │ ├── mock_ade20k.py │ │ │ ├── mock_coco_stuff.py │ │ │ ├── test_mock_ade20k.py │ │ │ └── test_mock_coco_stuff.py │ │ ├── test_dataset_base.py │ │ ├── test_image_pil.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── test_common.py │ │ │ └── test_video.py │ ├── dummy_silent_video.mov │ ├── dummy_video.mov │ ├── io │ │ ├── __init__.py │ │ └── test_transfer_clients.py │ ├── samplers │ │ ├── __init__.py │ │ ├── test_batch_sampler_config.yaml │ │ ├── test_chain_sampler.py │ │ ├── test_chain_sampler_config.yaml │ │ ├── test_data_samplers.py │ │ ├── test_multi_scale_sampler_config.yaml │ │ ├── test_variable_batch_sampler_config.yaml │ │ └── test_video_clip_batch_sampler_config.yaml │ ├── text_tokenizer │ │ ├── __init__.py │ │ ├── test_clip_tokenizer.py │ │ └── test_openai_clip_tokenizer.py │ └── video_reader │ │ ├── __init__.py │ │ ├── test_av_reader.py │ │ └── test_ffmpeg_utils.py ├── engine │ ├── __init__.py │ ├── dummy_configs │ │ ├── ade20k_segmentation │ │ │ └── deeplabv3_mobilenetv2.yaml │ │ ├── coco_detection │ │ │ ├── resnet_mask_rcnn.yaml │ │ │ └── resnet_ssd.yaml │ │ ├── image_text_clip │ │ │ └── clip_vit.yaml │ │ ├── imagenet_classification │ │ │ ├── efficientnet_b0.yaml │ │ │ ├── mobilevit.yaml │ │ │ └── mobilevit_v2.yaml │ │ └── language_modeling_gpt │ │ │ └── gpt.yaml │ └── test_training_engine.py ├── loss_fns │ ├── __init__.py │ ├── language_modeling │ │ ├── __init__.py │ │ ├── test_cross_entropy.py │ │ └── test_cross_entropy_for_kv_prediction.py │ ├── test_class_weighting.py │ ├── test_classification_loss.py │ ├── test_composite_loss.py │ ├── test_contrastive_loss.py │ ├── test_detection_loss.py │ ├── test_focal_loss.py │ ├── test_neural_aug.py │ ├── test_neural_aug_compatibility.py │ └── test_segmentation_loss.py ├── metrics │ ├── __init__.py │ ├── base.py │ ├── test_coco_map.py │ ├── test_image_text_retrieval_metrics.py │ ├── test_iou.py │ ├── test_misc.py │ ├── test_multiclass_classification_pr.py │ ├── test_probability_histogram.py │ ├── test_psnr.py │ ├── test_retrieval_cmc_metrics.py │ ├── test_topk_accuracy.py │ └── test_vqa_preset_score_metrics.py ├── misc │ ├── __init__.py │ ├── dummy_clip_config.yaml │ ├── dummy_linear_probe_config.yaml │ └── test_common.py ├── modeling │ ├── __init__.py │ ├── layers │ │ ├── __init__.py │ │ ├── normalization_layers │ │ │ ├── __init__.py │ │ │ └── test_rms_norm.py │ │ ├── test_conv_layer.py │ │ ├── test_multi_head_attn.py │ │ ├── test_pos_embeddings.py │ │ ├── test_rotary_embeddings.py │ │ └── test_token_merging.py │ ├── models │ │ ├── __init__.py │ │ ├── audio_classification │ │ │ ├── __init__.py │ │ │ ├── test_base_audio_classification.py │ │ │ └── test_byteformer.py │ │ ├── classification │ │ │ ├── __init__.py │ │ │ ├── config │ │ │ │ ├── __init__.py │ │ │ │ ├── test_byteformer.py │ │ │ │ └── vit_config.yaml │ │ │ ├── test_byteformer.py │ │ │ └── test_vit.py │ │ ├── language_modeling │ │ │ ├── __init__.py │ │ │ ├── config │ │ │ │ ├── gpt_config.yaml │ │ │ │ └── kv_prediction_config.yaml │ │ │ ├── test_general_gpt.py │ │ │ └── test_kv_prediction.py │ │ ├── test_activation_checkpointing_wrapper.py │ │ ├── test_lora.py │ │ └── test_neural_aug_utils.py │ ├── modules │ │ ├── __init__.py │ │ ├── test_transformer.py │ │ └── test_windowed_transformer.py │ └── test_model.py ├── optims │ ├── __init__.py │ └── scheduler │ │ ├── __init__.py │ │ └── test_scheduler.py ├── options │ ├── __init__.py │ ├── test_parse_args.py │ └── test_utils.py ├── test_conventions.py ├── test_utils.py ├── transforms │ ├── __init__.py │ ├── test_audio.py │ ├── test_audio_bytes.py │ ├── test_image.py │ ├── test_image_bytes.py │ └── test_video.py └── utils │ ├── __init__.py │ ├── test_check.py │ ├── test_common_utils.py │ ├── test_dict_utils.py │ ├── test_download_utils.py │ ├── test_file_logger.py │ └── test_import_utils.py ├── tools ├── __init__.py └── converter_coco_stuff.py ├── tox.ini └── tutorials ├── clip.ipynb ├── guide_slurm_and_multi_node_training.md ├── object_detection.ipynb ├── semantic_segmentation.ipynb └── train_a_new_model_on_a_new_dataset_from_scratch.ipynb /.dockerignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/.dockerignore -------------------------------------------------------------------------------- /.flake8: -------------------------------------------------------------------------------- 1 | [flake8] 2 | max-line-length = 88 3 | extend-ignore = E203 4 | -------------------------------------------------------------------------------- /.gitattributes: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/.gitattributes -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/.gitignore -------------------------------------------------------------------------------- /ACKNOWLEDGEMENTS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/ACKNOWLEDGEMENTS -------------------------------------------------------------------------------- /CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/LICENSE -------------------------------------------------------------------------------- /Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/Makefile -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/README.md -------------------------------------------------------------------------------- /assets/cat.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/assets/cat.jpeg -------------------------------------------------------------------------------- /assets/dog.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/assets/dog.jpeg -------------------------------------------------------------------------------- /conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/conftest.py -------------------------------------------------------------------------------- /corenet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/__init__.py -------------------------------------------------------------------------------- /corenet/__main__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/__version__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/__version__.py -------------------------------------------------------------------------------- /corenet/cli/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/cli/entrypoints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/cli/entrypoints.py -------------------------------------------------------------------------------- /corenet/cli/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/cli/main.py -------------------------------------------------------------------------------- /corenet/cli/main_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/cli/main_benchmark.py -------------------------------------------------------------------------------- /corenet/cli/main_conversion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/cli/main_conversion.py -------------------------------------------------------------------------------- /corenet/cli/main_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/cli/main_eval.py -------------------------------------------------------------------------------- /corenet/cli/main_eval_llmadapters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/cli/main_eval_llmadapters.py -------------------------------------------------------------------------------- /corenet/cli/main_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/cli/main_train.py -------------------------------------------------------------------------------- /corenet/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/constants.py -------------------------------------------------------------------------------- /corenet/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/__init__.py -------------------------------------------------------------------------------- /corenet/data/collate_fns/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/collate_fns/__init__.py -------------------------------------------------------------------------------- /corenet/data/collate_fns/byteformer_collate_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/collate_fns/byteformer_collate_functions.py -------------------------------------------------------------------------------- /corenet/data/collate_fns/collate_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/collate_fns/collate_functions.py -------------------------------------------------------------------------------- /corenet/data/data_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/data_loaders.py -------------------------------------------------------------------------------- /corenet/data/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/__init__.py -------------------------------------------------------------------------------- /corenet/data/datasets/audio_classification/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/audio_classification/__init__.py -------------------------------------------------------------------------------- /corenet/data/datasets/audio_classification/speech_commands_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/audio_classification/speech_commands_v2.py -------------------------------------------------------------------------------- /corenet/data/datasets/classification/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/classification/__init__.py -------------------------------------------------------------------------------- /corenet/data/datasets/classification/base_image_classification_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/classification/base_image_classification_dataset.py -------------------------------------------------------------------------------- /corenet/data/datasets/classification/base_imagenet_shift_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/classification/base_imagenet_shift_dataset.py -------------------------------------------------------------------------------- /corenet/data/datasets/classification/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/classification/coco.py -------------------------------------------------------------------------------- /corenet/data/datasets/classification/imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/classification/imagenet.py -------------------------------------------------------------------------------- /corenet/data/datasets/classification/imagenet_a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/classification/imagenet_a.py -------------------------------------------------------------------------------- /corenet/data/datasets/classification/imagenet_r.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/classification/imagenet_r.py -------------------------------------------------------------------------------- /corenet/data/datasets/classification/imagenet_sketch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/classification/imagenet_sketch.py -------------------------------------------------------------------------------- /corenet/data/datasets/classification/imagenet_synsets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/classification/imagenet_synsets.py -------------------------------------------------------------------------------- /corenet/data/datasets/classification/imagenet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/classification/imagenet_v2.py -------------------------------------------------------------------------------- /corenet/data/datasets/classification/places365.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/classification/places365.py -------------------------------------------------------------------------------- /corenet/data/datasets/classification/wordnet_tagged_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/classification/wordnet_tagged_classification.py -------------------------------------------------------------------------------- /corenet/data/datasets/dataset_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/dataset_base.py -------------------------------------------------------------------------------- /corenet/data/datasets/detection/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/detection/__init__.py -------------------------------------------------------------------------------- /corenet/data/datasets/detection/base_detection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/detection/base_detection.py -------------------------------------------------------------------------------- /corenet/data/datasets/detection/coco_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/detection/coco_base.py -------------------------------------------------------------------------------- /corenet/data/datasets/detection/coco_mask_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/detection/coco_mask_rcnn.py -------------------------------------------------------------------------------- /corenet/data/datasets/detection/coco_ssd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/detection/coco_ssd.py -------------------------------------------------------------------------------- /corenet/data/datasets/language_modeling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/data/datasets/language_modeling/base_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/language_modeling/base_lm.py -------------------------------------------------------------------------------- /corenet/data/datasets/language_modeling/commonsense_170k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/language_modeling/commonsense_170k.py -------------------------------------------------------------------------------- /corenet/data/datasets/language_modeling/general_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/language_modeling/general_lm.py -------------------------------------------------------------------------------- /corenet/data/datasets/multi_modal_img_text/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/multi_modal_img_text/__init__.py -------------------------------------------------------------------------------- /corenet/data/datasets/multi_modal_img_text/base_multi_modal_img_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/multi_modal_img_text/base_multi_modal_img_text.py -------------------------------------------------------------------------------- /corenet/data/datasets/multi_modal_img_text/flickr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/multi_modal_img_text/flickr.py -------------------------------------------------------------------------------- /corenet/data/datasets/multi_modal_img_text/img_text_tar_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/multi_modal_img_text/img_text_tar_dataset.py -------------------------------------------------------------------------------- /corenet/data/datasets/multi_modal_img_text/zero_shot_image_classification/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/multi_modal_img_text/zero_shot_image_classification/__init__.py -------------------------------------------------------------------------------- /corenet/data/datasets/multi_modal_img_text/zero_shot_image_classification/base_zero_shot_image_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/multi_modal_img_text/zero_shot_image_classification/base_zero_shot_image_classification.py -------------------------------------------------------------------------------- /corenet/data/datasets/multi_modal_img_text/zero_shot_image_classification/imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/multi_modal_img_text/zero_shot_image_classification/imagenet.py -------------------------------------------------------------------------------- /corenet/data/datasets/multi_modal_img_text/zero_shot_image_classification/imagenet_a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/multi_modal_img_text/zero_shot_image_classification/imagenet_a.py -------------------------------------------------------------------------------- /corenet/data/datasets/multi_modal_img_text/zero_shot_image_classification/imagenet_class_names.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/multi_modal_img_text/zero_shot_image_classification/imagenet_class_names.py -------------------------------------------------------------------------------- /corenet/data/datasets/multi_modal_img_text/zero_shot_image_classification/imagenet_r.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/multi_modal_img_text/zero_shot_image_classification/imagenet_r.py -------------------------------------------------------------------------------- /corenet/data/datasets/multi_modal_img_text/zero_shot_image_classification/imagenet_sketch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/multi_modal_img_text/zero_shot_image_classification/imagenet_sketch.py -------------------------------------------------------------------------------- /corenet/data/datasets/multi_modal_img_text/zero_shot_image_classification/templates.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/multi_modal_img_text/zero_shot_image_classification/templates.py -------------------------------------------------------------------------------- /corenet/data/datasets/segmentation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/data/datasets/segmentation/ade20k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/segmentation/ade20k.py -------------------------------------------------------------------------------- /corenet/data/datasets/segmentation/base_segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/segmentation/base_segmentation.py -------------------------------------------------------------------------------- /corenet/data/datasets/segmentation/coco_segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/segmentation/coco_segmentation.py -------------------------------------------------------------------------------- /corenet/data/datasets/segmentation/coco_stuff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/segmentation/coco_stuff.py -------------------------------------------------------------------------------- /corenet/data/datasets/segmentation/pascal_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/segmentation/pascal_voc.py -------------------------------------------------------------------------------- /corenet/data/datasets/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/utils/__init__.py -------------------------------------------------------------------------------- /corenet/data/datasets/utils/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/utils/common.py -------------------------------------------------------------------------------- /corenet/data/datasets/utils/text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/utils/text.py -------------------------------------------------------------------------------- /corenet/data/datasets/utils/video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/datasets/utils/video.py -------------------------------------------------------------------------------- /corenet/data/io/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/data/io/transfer_clients.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/io/transfer_clients.py -------------------------------------------------------------------------------- /corenet/data/loader/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/data/loader/dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/loader/dataloader.py -------------------------------------------------------------------------------- /corenet/data/sampler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/sampler/__init__.py -------------------------------------------------------------------------------- /corenet/data/sampler/base_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/sampler/base_sampler.py -------------------------------------------------------------------------------- /corenet/data/sampler/batch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/sampler/batch_sampler.py -------------------------------------------------------------------------------- /corenet/data/sampler/chain_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/sampler/chain_sampler.py -------------------------------------------------------------------------------- /corenet/data/sampler/multi_scale_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/sampler/multi_scale_sampler.py -------------------------------------------------------------------------------- /corenet/data/sampler/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/sampler/utils.py -------------------------------------------------------------------------------- /corenet/data/sampler/variable_batch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/sampler/variable_batch_sampler.py -------------------------------------------------------------------------------- /corenet/data/sampler/video_batch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/sampler/video_batch_sampler.py -------------------------------------------------------------------------------- /corenet/data/sampler/video_clip_batch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/sampler/video_clip_batch_sampler.py -------------------------------------------------------------------------------- /corenet/data/sampler/video_variable_seq_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/sampler/video_variable_seq_sampler.py -------------------------------------------------------------------------------- /corenet/data/text_tokenizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/text_tokenizer/__init__.py -------------------------------------------------------------------------------- /corenet/data/text_tokenizer/base_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/text_tokenizer/base_tokenizer.py -------------------------------------------------------------------------------- /corenet/data/text_tokenizer/clip_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/text_tokenizer/clip_tokenizer.py -------------------------------------------------------------------------------- /corenet/data/text_tokenizer/sentencepiece_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/text_tokenizer/sentencepiece_tokenizer.py -------------------------------------------------------------------------------- /corenet/data/transforms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/transforms/__init__.py -------------------------------------------------------------------------------- /corenet/data/transforms/audio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/transforms/audio.py -------------------------------------------------------------------------------- /corenet/data/transforms/audio_aux/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/data/transforms/audio_aux/mfccs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/transforms/audio_aux/mfccs.py -------------------------------------------------------------------------------- /corenet/data/transforms/audio_bytes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/transforms/audio_bytes.py -------------------------------------------------------------------------------- /corenet/data/transforms/base_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/transforms/base_transforms.py -------------------------------------------------------------------------------- /corenet/data/transforms/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/transforms/common.py -------------------------------------------------------------------------------- /corenet/data/transforms/image_bytes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/transforms/image_bytes.py -------------------------------------------------------------------------------- /corenet/data/transforms/image_pil.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/transforms/image_pil.py -------------------------------------------------------------------------------- /corenet/data/transforms/image_torch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/transforms/image_torch.py -------------------------------------------------------------------------------- /corenet/data/transforms/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/transforms/utils.py -------------------------------------------------------------------------------- /corenet/data/transforms/video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/transforms/video.py -------------------------------------------------------------------------------- /corenet/data/video_reader/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/video_reader/__init__.py -------------------------------------------------------------------------------- /corenet/data/video_reader/base_av_reader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/video_reader/base_av_reader.py -------------------------------------------------------------------------------- /corenet/data/video_reader/decord_reader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/video_reader/decord_reader.py -------------------------------------------------------------------------------- /corenet/data/video_reader/ffmpeg_reader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/video_reader/ffmpeg_reader.py -------------------------------------------------------------------------------- /corenet/data/video_reader/ffmpeg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/video_reader/ffmpeg_utils.py -------------------------------------------------------------------------------- /corenet/data/video_reader/pyav_reader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/data/video_reader/pyav_reader.py -------------------------------------------------------------------------------- /corenet/engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/engine/__init__.py -------------------------------------------------------------------------------- /corenet/engine/default_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/engine/default_trainer.py -------------------------------------------------------------------------------- /corenet/engine/detection_utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/engine/detection_utils/coco_map.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/engine/detection_utils/coco_map.py -------------------------------------------------------------------------------- /corenet/engine/eval_detection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/engine/eval_detection.py -------------------------------------------------------------------------------- /corenet/engine/eval_segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/engine/eval_segmentation.py -------------------------------------------------------------------------------- /corenet/engine/evaluation_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/engine/evaluation_engine.py -------------------------------------------------------------------------------- /corenet/engine/fsdp_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/engine/fsdp_trainer.py -------------------------------------------------------------------------------- /corenet/engine/segmentation_utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/engine/segmentation_utils/cityscapes_iou.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/engine/segmentation_utils/cityscapes_iou.py -------------------------------------------------------------------------------- /corenet/engine/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/engine/utils.py -------------------------------------------------------------------------------- /corenet/loss_fn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/__init__.py -------------------------------------------------------------------------------- /corenet/loss_fn/base_criteria.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/base_criteria.py -------------------------------------------------------------------------------- /corenet/loss_fn/classification/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/classification/__init__.py -------------------------------------------------------------------------------- /corenet/loss_fn/classification/base_classification_criteria.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/classification/base_classification_criteria.py -------------------------------------------------------------------------------- /corenet/loss_fn/classification/binary_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/classification/binary_cross_entropy.py -------------------------------------------------------------------------------- /corenet/loss_fn/classification/cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/classification/cross_entropy.py -------------------------------------------------------------------------------- /corenet/loss_fn/classification/focal_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/classification/focal_loss.py -------------------------------------------------------------------------------- /corenet/loss_fn/composite_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/composite_loss.py -------------------------------------------------------------------------------- /corenet/loss_fn/detection/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/detection/__init__.py -------------------------------------------------------------------------------- /corenet/loss_fn/detection/base_detection_criteria.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/detection/base_detection_criteria.py -------------------------------------------------------------------------------- /corenet/loss_fn/detection/mask_rcnn_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/detection/mask_rcnn_loss.py -------------------------------------------------------------------------------- /corenet/loss_fn/detection/ssd_multibox_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/detection/ssd_multibox_loss.py -------------------------------------------------------------------------------- /corenet/loss_fn/distillation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/distillation/__init__.py -------------------------------------------------------------------------------- /corenet/loss_fn/distillation/base_distillation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/distillation/base_distillation.py -------------------------------------------------------------------------------- /corenet/loss_fn/distillation/hard_distillation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/distillation/hard_distillation.py -------------------------------------------------------------------------------- /corenet/loss_fn/distillation/soft_kl_distillation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/distillation/soft_kl_distillation.py -------------------------------------------------------------------------------- /corenet/loss_fn/language_modeling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/loss_fn/language_modeling/base_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/language_modeling/base_lm.py -------------------------------------------------------------------------------- /corenet/loss_fn/language_modeling/cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/language_modeling/cross_entropy.py -------------------------------------------------------------------------------- /corenet/loss_fn/language_modeling/cross_entropy_for_kv_prediction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/language_modeling/cross_entropy_for_kv_prediction.py -------------------------------------------------------------------------------- /corenet/loss_fn/multi_modal_img_text/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/multi_modal_img_text/__init__.py -------------------------------------------------------------------------------- /corenet/loss_fn/multi_modal_img_text/base_multi_modal_img_text_criteria.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/multi_modal_img_text/base_multi_modal_img_text_criteria.py -------------------------------------------------------------------------------- /corenet/loss_fn/multi_modal_img_text/contrastive_loss_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/multi_modal_img_text/contrastive_loss_clip.py -------------------------------------------------------------------------------- /corenet/loss_fn/neural_augmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/neural_augmentation.py -------------------------------------------------------------------------------- /corenet/loss_fn/segmentation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/segmentation/__init__.py -------------------------------------------------------------------------------- /corenet/loss_fn/segmentation/base_segmentation_criteria.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/segmentation/base_segmentation_criteria.py -------------------------------------------------------------------------------- /corenet/loss_fn/segmentation/cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/segmentation/cross_entropy.py -------------------------------------------------------------------------------- /corenet/loss_fn/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/loss_fn/utils/build_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/utils/build_helper.py -------------------------------------------------------------------------------- /corenet/loss_fn/utils/class_weighting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/loss_fn/utils/class_weighting.py -------------------------------------------------------------------------------- /corenet/metrics/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/metrics/__init__.py -------------------------------------------------------------------------------- /corenet/metrics/average_precision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/metrics/average_precision.py -------------------------------------------------------------------------------- /corenet/metrics/coco_map.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/metrics/coco_map.py -------------------------------------------------------------------------------- /corenet/metrics/confusion_mat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/metrics/confusion_mat.py -------------------------------------------------------------------------------- /corenet/metrics/image_text_retrieval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/metrics/image_text_retrieval.py -------------------------------------------------------------------------------- /corenet/metrics/intersection_over_union.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/metrics/intersection_over_union.py -------------------------------------------------------------------------------- /corenet/metrics/metric_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/metrics/metric_base.py -------------------------------------------------------------------------------- /corenet/metrics/metric_base_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/metrics/metric_base_test.py -------------------------------------------------------------------------------- /corenet/metrics/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/metrics/misc.py -------------------------------------------------------------------------------- /corenet/metrics/multiclass_classification_pr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/metrics/multiclass_classification_pr.py -------------------------------------------------------------------------------- /corenet/metrics/probability_histograms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/metrics/probability_histograms.py -------------------------------------------------------------------------------- /corenet/metrics/psnr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/metrics/psnr.py -------------------------------------------------------------------------------- /corenet/metrics/retrieval_cmc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/metrics/retrieval_cmc.py -------------------------------------------------------------------------------- /corenet/metrics/stats.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/metrics/stats.py -------------------------------------------------------------------------------- /corenet/metrics/topk_accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/metrics/topk_accuracy.py -------------------------------------------------------------------------------- /corenet/metrics/vqa_preset_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/metrics/vqa_preset_score.py -------------------------------------------------------------------------------- /corenet/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/anchor_generator/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/anchor_generator/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/anchor_generator/base_anchor_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/anchor_generator/base_anchor_generator.py -------------------------------------------------------------------------------- /corenet/modeling/anchor_generator/ssd_anchor_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/anchor_generator/ssd_anchor_generator.py -------------------------------------------------------------------------------- /corenet/modeling/image_projection_layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/image_projection_layers/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/image_projection_layers/attention_pool_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/image_projection_layers/attention_pool_2d.py -------------------------------------------------------------------------------- /corenet/modeling/image_projection_layers/base_image_projection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/image_projection_layers/base_image_projection.py -------------------------------------------------------------------------------- /corenet/modeling/image_projection_layers/global_pool_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/image_projection_layers/global_pool_2d.py -------------------------------------------------------------------------------- /corenet/modeling/image_projection_layers/simple_projection_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/image_projection_layers/simple_projection_head.py -------------------------------------------------------------------------------- /corenet/modeling/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/layers/activation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/activation/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/layers/activation/gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/activation/gelu.py -------------------------------------------------------------------------------- /corenet/modeling/layers/activation/hard_sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/activation/hard_sigmoid.py -------------------------------------------------------------------------------- /corenet/modeling/layers/activation/hard_swish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/activation/hard_swish.py -------------------------------------------------------------------------------- /corenet/modeling/layers/activation/leaky_relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/activation/leaky_relu.py -------------------------------------------------------------------------------- /corenet/modeling/layers/activation/prelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/activation/prelu.py -------------------------------------------------------------------------------- /corenet/modeling/layers/activation/relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/activation/relu.py -------------------------------------------------------------------------------- /corenet/modeling/layers/activation/relu6.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/activation/relu6.py -------------------------------------------------------------------------------- /corenet/modeling/layers/activation/sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/activation/sigmoid.py -------------------------------------------------------------------------------- /corenet/modeling/layers/activation/swish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/activation/swish.py -------------------------------------------------------------------------------- /corenet/modeling/layers/activation/tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/activation/tanh.py -------------------------------------------------------------------------------- /corenet/modeling/layers/adaptive_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/adaptive_pool.py -------------------------------------------------------------------------------- /corenet/modeling/layers/base_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/base_layer.py -------------------------------------------------------------------------------- /corenet/modeling/layers/conv_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/conv_layer.py -------------------------------------------------------------------------------- /corenet/modeling/layers/dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/dropout.py -------------------------------------------------------------------------------- /corenet/modeling/layers/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/embedding.py -------------------------------------------------------------------------------- /corenet/modeling/layers/flash_multi_head_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/flash_multi_head_attention.py -------------------------------------------------------------------------------- /corenet/modeling/layers/flatten.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/flatten.py -------------------------------------------------------------------------------- /corenet/modeling/layers/global_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/global_pool.py -------------------------------------------------------------------------------- /corenet/modeling/layers/identity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/identity.py -------------------------------------------------------------------------------- /corenet/modeling/layers/linear_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/linear_attention.py -------------------------------------------------------------------------------- /corenet/modeling/layers/linear_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/linear_layer.py -------------------------------------------------------------------------------- /corenet/modeling/layers/multi_head_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/multi_head_attention.py -------------------------------------------------------------------------------- /corenet/modeling/layers/normalization/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/normalization/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/layers/normalization/batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/normalization/batch_norm.py -------------------------------------------------------------------------------- /corenet/modeling/layers/normalization/group_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/normalization/group_norm.py -------------------------------------------------------------------------------- /corenet/modeling/layers/normalization/instance_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/normalization/instance_norm.py -------------------------------------------------------------------------------- /corenet/modeling/layers/normalization/layer_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/normalization/layer_norm.py -------------------------------------------------------------------------------- /corenet/modeling/layers/normalization/rms_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/normalization/rms_norm.py -------------------------------------------------------------------------------- /corenet/modeling/layers/normalization/sync_batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/normalization/sync_batch_norm.py -------------------------------------------------------------------------------- /corenet/modeling/layers/normalization_layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/normalization_layers.py -------------------------------------------------------------------------------- /corenet/modeling/layers/pixel_shuffle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/pixel_shuffle.py -------------------------------------------------------------------------------- /corenet/modeling/layers/pooling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/pooling.py -------------------------------------------------------------------------------- /corenet/modeling/layers/positional_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/positional_embedding.py -------------------------------------------------------------------------------- /corenet/modeling/layers/positional_encoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/positional_encoding.py -------------------------------------------------------------------------------- /corenet/modeling/layers/random_layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/random_layers.py -------------------------------------------------------------------------------- /corenet/modeling/layers/rotary_embeddings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/rotary_embeddings.py -------------------------------------------------------------------------------- /corenet/modeling/layers/single_head_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/single_head_attention.py -------------------------------------------------------------------------------- /corenet/modeling/layers/softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/softmax.py -------------------------------------------------------------------------------- /corenet/modeling/layers/stochastic_depth.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/stochastic_depth.py -------------------------------------------------------------------------------- /corenet/modeling/layers/token_merging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/token_merging.py -------------------------------------------------------------------------------- /corenet/modeling/layers/upsample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/layers/upsample.py -------------------------------------------------------------------------------- /corenet/modeling/matcher_det/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/matcher_det/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/matcher_det/base_matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/matcher_det/base_matcher.py -------------------------------------------------------------------------------- /corenet/modeling/matcher_det/ssd_matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/matcher_det/ssd_matcher.py -------------------------------------------------------------------------------- /corenet/modeling/misc/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/modeling/misc/averaging_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/misc/averaging_utils.py -------------------------------------------------------------------------------- /corenet/modeling/misc/box_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/misc/box_utils.py -------------------------------------------------------------------------------- /corenet/modeling/misc/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/misc/common.py -------------------------------------------------------------------------------- /corenet/modeling/misc/init_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/misc/init_utils.py -------------------------------------------------------------------------------- /corenet/modeling/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/models/audio_classification/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/audio_classification/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/models/audio_classification/audio_byteformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/audio_classification/audio_byteformer.py -------------------------------------------------------------------------------- /corenet/modeling/models/audio_classification/base_audio_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/audio_classification/base_audio_classification.py -------------------------------------------------------------------------------- /corenet/modeling/models/base_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/base_model.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/base_image_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/base_image_encoder.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/byteformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/byteformer.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/config/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/modeling/models/classification/config/byteformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/config/byteformer.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/config/efficientnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/config/efficientnet.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/config/fastvit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/config/fastvit.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/config/mobilenetv1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/config/mobilenetv1.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/config/mobilenetv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/config/mobilenetv2.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/config/mobilenetv3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/config/mobilenetv3.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/config/mobileone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/config/mobileone.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/config/mobilevit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/config/mobilevit.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/config/mobilevit_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/config/mobilevit_v2.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/config/regnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/config/regnet.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/config/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/config/resnet.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/config/swin_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/config/swin_transformer.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/config/vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/config/vit.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/efficientnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/efficientnet.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/fastvit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/fastvit.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/mobilenetv1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/mobilenetv1.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/mobilenetv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/mobilenetv2.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/mobilenetv3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/mobilenetv3.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/mobileone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/mobileone.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/mobilevit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/mobilevit.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/mobilevit_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/mobilevit_v2.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/regnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/regnet.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/resnet.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/swin_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/swin_transformer.py -------------------------------------------------------------------------------- /corenet/modeling/models/classification/vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/classification/vit.py -------------------------------------------------------------------------------- /corenet/modeling/models/detection/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/detection/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/models/detection/base_detection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/detection/base_detection.py -------------------------------------------------------------------------------- /corenet/modeling/models/detection/mask_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/detection/mask_rcnn.py -------------------------------------------------------------------------------- /corenet/modeling/models/detection/ssd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/detection/ssd.py -------------------------------------------------------------------------------- /corenet/modeling/models/detection/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/modeling/models/detection/utils/rcnn_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/detection/utils/rcnn_utils.py -------------------------------------------------------------------------------- /corenet/modeling/models/fsdp_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/fsdp_wrapper.py -------------------------------------------------------------------------------- /corenet/modeling/models/language_modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/language_modeling/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/models/language_modeling/base_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/language_modeling/base_lm.py -------------------------------------------------------------------------------- /corenet/modeling/models/language_modeling/general_gpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/language_modeling/general_gpt.py -------------------------------------------------------------------------------- /corenet/modeling/models/language_modeling/kv_prediction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/language_modeling/kv_prediction.py -------------------------------------------------------------------------------- /corenet/modeling/models/multi_modal_img_text/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/multi_modal_img_text/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/models/multi_modal_img_text/base_multi_modal_img_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/multi_modal_img_text/base_multi_modal_img_text.py -------------------------------------------------------------------------------- /corenet/modeling/models/multi_modal_img_text/clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/multi_modal_img_text/clip.py -------------------------------------------------------------------------------- /corenet/modeling/models/segmentation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/segmentation/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/models/segmentation/base_seg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/segmentation/base_seg.py -------------------------------------------------------------------------------- /corenet/modeling/models/segmentation/enc_dec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/segmentation/enc_dec.py -------------------------------------------------------------------------------- /corenet/modeling/models/segmentation/heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/segmentation/heads/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/models/segmentation/heads/base_seg_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/segmentation/heads/base_seg_head.py -------------------------------------------------------------------------------- /corenet/modeling/models/segmentation/heads/deeplabv3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/segmentation/heads/deeplabv3.py -------------------------------------------------------------------------------- /corenet/modeling/models/segmentation/heads/pspnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/segmentation/heads/pspnet.py -------------------------------------------------------------------------------- /corenet/modeling/models/segmentation/heads/simple_seg_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/segmentation/heads/simple_seg_head.py -------------------------------------------------------------------------------- /corenet/modeling/models/video_classification/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/video_classification/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/models/video_classification/base_video_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/models/video_classification/base_video_encoder.py -------------------------------------------------------------------------------- /corenet/modeling/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/modules/aspp_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/aspp_block.py -------------------------------------------------------------------------------- /corenet/modeling/modules/base_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/base_module.py -------------------------------------------------------------------------------- /corenet/modeling/modules/efficientnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/efficientnet.py -------------------------------------------------------------------------------- /corenet/modeling/modules/fastvit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/fastvit.py -------------------------------------------------------------------------------- /corenet/modeling/modules/feature_pyramid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/feature_pyramid.py -------------------------------------------------------------------------------- /corenet/modeling/modules/flash_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/flash_transformer.py -------------------------------------------------------------------------------- /corenet/modeling/modules/mobilenetv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/mobilenetv2.py -------------------------------------------------------------------------------- /corenet/modeling/modules/mobileone_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/mobileone_block.py -------------------------------------------------------------------------------- /corenet/modeling/modules/mobilevit_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/mobilevit_block.py -------------------------------------------------------------------------------- /corenet/modeling/modules/pspnet_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/pspnet_module.py -------------------------------------------------------------------------------- /corenet/modeling/modules/regnet_modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/regnet_modules.py -------------------------------------------------------------------------------- /corenet/modeling/modules/resnet_modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/resnet_modules.py -------------------------------------------------------------------------------- /corenet/modeling/modules/squeeze_excitation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/squeeze_excitation.py -------------------------------------------------------------------------------- /corenet/modeling/modules/ssd_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/ssd_heads.py -------------------------------------------------------------------------------- /corenet/modeling/modules/swin_transformer_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/swin_transformer_block.py -------------------------------------------------------------------------------- /corenet/modeling/modules/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/transformer.py -------------------------------------------------------------------------------- /corenet/modeling/modules/windowed_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/modules/windowed_transformer.py -------------------------------------------------------------------------------- /corenet/modeling/neural_augmentor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/neural_augmentor/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/neural_augmentor/neural_aug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/neural_augmentor/neural_aug.py -------------------------------------------------------------------------------- /corenet/modeling/neural_augmentor/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/modeling/neural_augmentor/utils/neural_aug_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/neural_augmentor/utils/neural_aug_utils.py -------------------------------------------------------------------------------- /corenet/modeling/text_encoders/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/text_encoders/__init__.py -------------------------------------------------------------------------------- /corenet/modeling/text_encoders/base_text_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/text_encoders/base_text_encoder.py -------------------------------------------------------------------------------- /corenet/modeling/text_encoders/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/modeling/text_encoders/transformer.py -------------------------------------------------------------------------------- /corenet/optims/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/optims/__init__.py -------------------------------------------------------------------------------- /corenet/optims/adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/optims/adam.py -------------------------------------------------------------------------------- /corenet/optims/adamw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/optims/adamw.py -------------------------------------------------------------------------------- /corenet/optims/base_optim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/optims/base_optim.py -------------------------------------------------------------------------------- /corenet/optims/scheduler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/optims/scheduler/__init__.py -------------------------------------------------------------------------------- /corenet/optims/scheduler/base_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/optims/scheduler/base_scheduler.py -------------------------------------------------------------------------------- /corenet/optims/scheduler/cosine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/optims/scheduler/cosine.py -------------------------------------------------------------------------------- /corenet/optims/scheduler/cyclic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/optims/scheduler/cyclic.py -------------------------------------------------------------------------------- /corenet/optims/scheduler/fixed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/optims/scheduler/fixed.py -------------------------------------------------------------------------------- /corenet/optims/scheduler/multi_step.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/optims/scheduler/multi_step.py -------------------------------------------------------------------------------- /corenet/optims/scheduler/polynomial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/optims/scheduler/polynomial.py -------------------------------------------------------------------------------- /corenet/optims/sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/optims/sgd.py -------------------------------------------------------------------------------- /corenet/options/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/options/errors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/options/errors.py -------------------------------------------------------------------------------- /corenet/options/opts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/options/opts.py -------------------------------------------------------------------------------- /corenet/options/parse_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/options/parse_args.py -------------------------------------------------------------------------------- /corenet/options/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/options/utils.py -------------------------------------------------------------------------------- /corenet/third_party/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/third_party/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/third_party/data/text_tokenizer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/third_party/data/text_tokenizer/openai_clip_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/third_party/data/text_tokenizer/openai_clip_tokenizer.py -------------------------------------------------------------------------------- /corenet/third_party/modeling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/third_party/modeling/lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/third_party/modeling/lora.py -------------------------------------------------------------------------------- /corenet/third_party/modeling/ssd_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/third_party/modeling/ssd_utils.py -------------------------------------------------------------------------------- /corenet/train_eval_pipelines/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/train_eval_pipelines/__init__.py -------------------------------------------------------------------------------- /corenet/train_eval_pipelines/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/train_eval_pipelines/base.py -------------------------------------------------------------------------------- /corenet/train_eval_pipelines/default_train_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/train_eval_pipelines/default_train_eval.py -------------------------------------------------------------------------------- /corenet/train_eval_pipelines/fsdp_train_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/train_eval_pipelines/fsdp_train_eval.py -------------------------------------------------------------------------------- /corenet/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /corenet/utils/activation_checkpointing_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/activation_checkpointing_wrapper.py -------------------------------------------------------------------------------- /corenet/utils/check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/check.py -------------------------------------------------------------------------------- /corenet/utils/checkpoint_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/checkpoint_utils.py -------------------------------------------------------------------------------- /corenet/utils/color_map.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/color_map.py -------------------------------------------------------------------------------- /corenet/utils/common_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/common_utils.py -------------------------------------------------------------------------------- /corenet/utils/context_managers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/context_managers.py -------------------------------------------------------------------------------- /corenet/utils/ddp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/ddp_utils.py -------------------------------------------------------------------------------- /corenet/utils/dict_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/dict_utils.py -------------------------------------------------------------------------------- /corenet/utils/download_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/download_utils.py -------------------------------------------------------------------------------- /corenet/utils/file_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/file_logger.py -------------------------------------------------------------------------------- /corenet/utils/fpdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/fpdb.py -------------------------------------------------------------------------------- /corenet/utils/hf_adapter_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/hf_adapter_utils.py -------------------------------------------------------------------------------- /corenet/utils/import_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/import_utils.py -------------------------------------------------------------------------------- /corenet/utils/io_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/io_utils.py -------------------------------------------------------------------------------- /corenet/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/logger.py -------------------------------------------------------------------------------- /corenet/utils/math_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/math_utils.py -------------------------------------------------------------------------------- /corenet/utils/object_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/object_utils.py -------------------------------------------------------------------------------- /corenet/utils/object_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/object_utils_test.py -------------------------------------------------------------------------------- /corenet/utils/pytorch_to_coreml.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/pytorch_to_coreml.py -------------------------------------------------------------------------------- /corenet/utils/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/registry.py -------------------------------------------------------------------------------- /corenet/utils/registry_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/registry_test.py -------------------------------------------------------------------------------- /corenet/utils/resources.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/resources.py -------------------------------------------------------------------------------- /corenet/utils/retry_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/retry_utils.py -------------------------------------------------------------------------------- /corenet/utils/tensor_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/tensor_utils.py -------------------------------------------------------------------------------- /corenet/utils/visualization_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/corenet/utils/visualization_utils.py -------------------------------------------------------------------------------- /mlx_examples/clip/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/mlx_examples/clip/README.md -------------------------------------------------------------------------------- /mlx_examples/clip/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /mlx_examples/clip/clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/mlx_examples/clip/clip.py -------------------------------------------------------------------------------- /mlx_examples/clip/image_processor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/mlx_examples/clip/image_processor.py -------------------------------------------------------------------------------- /mlx_examples/clip/main_clip_to_mlx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/mlx_examples/clip/main_clip_to_mlx.py -------------------------------------------------------------------------------- /mlx_examples/clip/main_test_clip_mlx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/mlx_examples/clip/main_test_clip_mlx.py -------------------------------------------------------------------------------- /mlx_examples/clip/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/mlx_examples/clip/model.py -------------------------------------------------------------------------------- /mlx_examples/clip/requirements.txt: -------------------------------------------------------------------------------- 1 | transformers==4.40.0 2 | huggingface_hub==0.21.4 3 | -r ../requirements.txt 4 | -------------------------------------------------------------------------------- /mlx_examples/clip/results/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /mlx_examples/clip/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/mlx_examples/clip/tokenizer.py -------------------------------------------------------------------------------- /mlx_examples/open_elm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/mlx_examples/open_elm/README.md -------------------------------------------------------------------------------- /mlx_examples/open_elm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /mlx_examples/open_elm/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/mlx_examples/open_elm/convert.py -------------------------------------------------------------------------------- /mlx_examples/open_elm/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/mlx_examples/open_elm/inference.py -------------------------------------------------------------------------------- /mlx_examples/open_elm/open_elm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/mlx_examples/open_elm/open_elm.py -------------------------------------------------------------------------------- /mlx_examples/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/mlx_examples/requirements.txt -------------------------------------------------------------------------------- /projects/byteformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/README.md -------------------------------------------------------------------------------- /projects/byteformer/imagenet_file_encodings/encoding_type=PNG.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_file_encodings/encoding_type=PNG.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_file_encodings/encoding_type=TIFF.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_file_encodings/encoding_type=TIFF.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_file_encodings/encoding_type=fCHW.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_file_encodings/encoding_type=fCHW.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_file_encodings/encoding_type=fHWC.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_file_encodings/encoding_type=fHWC.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_jpeg_q100/conv_kernel_size=16.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_jpeg_q100/conv_kernel_size=16.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_jpeg_q100/conv_kernel_size=32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_jpeg_q100/conv_kernel_size=32.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_jpeg_q100/conv_kernel_size=8.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_jpeg_q100/conv_kernel_size=8.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_jpeg_q60/conv_kernel_size=16,window_sizes=[128].yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_jpeg_q60/conv_kernel_size=16,window_sizes=[128].yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_jpeg_q60/conv_kernel_size=16,window_sizes=[32].yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_jpeg_q60/conv_kernel_size=16,window_sizes=[32].yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_jpeg_q60/conv_kernel_size=32,window_sizes=[128].yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_jpeg_q60/conv_kernel_size=32,window_sizes=[128].yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_jpeg_q60/conv_kernel_size=32,window_sizes=[32].yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_jpeg_q60/conv_kernel_size=32,window_sizes=[32].yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_jpeg_q60/conv_kernel_size=4,window_sizes=[128].yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_jpeg_q60/conv_kernel_size=4,window_sizes=[128].yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_jpeg_q60/conv_kernel_size=4,window_sizes=[32].yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_jpeg_q60/conv_kernel_size=4,window_sizes=[32].yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_jpeg_q60/conv_kernel_size=8,window_sizes=[128].yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_jpeg_q60/conv_kernel_size=8,window_sizes=[128].yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_jpeg_q60/conv_kernel_size=8,window_sizes=[32].yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_jpeg_q60/conv_kernel_size=8,window_sizes=[32].yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_jpeg_shuffle_bytes/mode=cyclic_half_length.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_jpeg_shuffle_bytes/mode=cyclic_half_length.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_jpeg_shuffle_bytes/mode=random_shuffle.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_jpeg_shuffle_bytes/mode=random_shuffle.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_jpeg_shuffle_bytes/mode=reverse.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_jpeg_shuffle_bytes/mode=reverse.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_jpeg_shuffle_bytes/mode=stride.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_jpeg_shuffle_bytes/mode=stride.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_jpeg_shuffle_bytes/mode=window_shuffle.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_jpeg_shuffle_bytes/mode=window_shuffle.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_obfuscation/width_range=[-10,10].yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_obfuscation/width_range=[-10,10].yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_obfuscation/width_range=[-20,20].yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_obfuscation/width_range=[-20,20].yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_obfuscation/width_range=[-5,5].yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_obfuscation/width_range=[-5,5].yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_obfuscation/width_range=[0,0].yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_obfuscation/width_range=[0,0].yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_privacy_preserving_camera/keep_frac=0.03,conv_kernel_size=4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_privacy_preserving_camera/keep_frac=0.03,conv_kernel_size=4.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_privacy_preserving_camera/keep_frac=0.05,conv_kernel_size=4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_privacy_preserving_camera/keep_frac=0.05,conv_kernel_size=4.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_privacy_preserving_camera/keep_frac=0.1,conv_kernel_size=4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_privacy_preserving_camera/keep_frac=0.1,conv_kernel_size=4.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_privacy_preserving_camera/keep_frac=0.25,conv_kernel_size=8.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_privacy_preserving_camera/keep_frac=0.25,conv_kernel_size=8.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_privacy_preserving_camera/keep_frac=0.5,conv_kernel_size=16.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_privacy_preserving_camera/keep_frac=0.5,conv_kernel_size=16.yaml -------------------------------------------------------------------------------- /projects/byteformer/imagenet_privacy_preserving_camera/keep_frac=0.75,conv_kernel_size=32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/imagenet_privacy_preserving_camera/keep_frac=0.75,conv_kernel_size=32.yaml -------------------------------------------------------------------------------- /projects/byteformer/model_arch.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/model_arch.png -------------------------------------------------------------------------------- /projects/byteformer/speech_commands_mp3/conv_kernel_size=4,window_size=[128].yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/speech_commands_mp3/conv_kernel_size=4,window_size=[128].yaml -------------------------------------------------------------------------------- /projects/byteformer/speech_commands_mp3/conv_kernel_size=4,window_size=[32].yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/speech_commands_mp3/conv_kernel_size=4,window_size=[32].yaml -------------------------------------------------------------------------------- /projects/byteformer/speech_commands_mp3/conv_kernel_size=8,window_size=[128].yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/speech_commands_mp3/conv_kernel_size=8,window_size=[128].yaml -------------------------------------------------------------------------------- /projects/byteformer/speech_commands_mp3/conv_kernel_size=8,window_size=[32].yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/speech_commands_mp3/conv_kernel_size=8,window_size=[32].yaml -------------------------------------------------------------------------------- /projects/byteformer/speech_commands_wav/encoding_dtype=float32,conv_kernel_size=16.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/speech_commands_wav/encoding_dtype=float32,conv_kernel_size=16.yaml -------------------------------------------------------------------------------- /projects/byteformer/speech_commands_wav/encoding_dtype=float32,conv_kernel_size=32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/speech_commands_wav/encoding_dtype=float32,conv_kernel_size=32.yaml -------------------------------------------------------------------------------- /projects/byteformer/speech_commands_wav/encoding_dtype=int16,conv_kernel_size=16.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/speech_commands_wav/encoding_dtype=int16,conv_kernel_size=16.yaml -------------------------------------------------------------------------------- /projects/byteformer/speech_commands_wav/encoding_dtype=int16,conv_kernel_size=32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/speech_commands_wav/encoding_dtype=int16,conv_kernel_size=32.yaml -------------------------------------------------------------------------------- /projects/byteformer/speech_commands_wav/encoding_dtype=int16,conv_kernel_size=8.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/speech_commands_wav/encoding_dtype=int16,conv_kernel_size=8.yaml -------------------------------------------------------------------------------- /projects/byteformer/speech_commands_wav/encoding_dtype=int32,conv_kernel_size=16.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/speech_commands_wav/encoding_dtype=int32,conv_kernel_size=16.yaml -------------------------------------------------------------------------------- /projects/byteformer/speech_commands_wav/encoding_dtype=int32,conv_kernel_size=32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/speech_commands_wav/encoding_dtype=int32,conv_kernel_size=32.yaml -------------------------------------------------------------------------------- /projects/byteformer/speech_commands_wav/encoding_dtype=uint8,conv_kernel_size=16.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/speech_commands_wav/encoding_dtype=uint8,conv_kernel_size=16.yaml -------------------------------------------------------------------------------- /projects/byteformer/speech_commands_wav/encoding_dtype=uint8,conv_kernel_size=32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/speech_commands_wav/encoding_dtype=uint8,conv_kernel_size=32.yaml -------------------------------------------------------------------------------- /projects/byteformer/speech_commands_wav/encoding_dtype=uint8,conv_kernel_size=4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/speech_commands_wav/encoding_dtype=uint8,conv_kernel_size=4.yaml -------------------------------------------------------------------------------- /projects/byteformer/speech_commands_wav/encoding_dtype=uint8,conv_kernel_size=8.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/byteformer/speech_commands_wav/encoding_dtype=uint8,conv_kernel_size=8.yaml -------------------------------------------------------------------------------- /projects/catlip/README-multi-label-object-classification.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/README-multi-label-object-classification.md -------------------------------------------------------------------------------- /projects/catlip/README-object-detection.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/README-object-detection.md -------------------------------------------------------------------------------- /projects/catlip/README-pretraining.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/README-pretraining.md -------------------------------------------------------------------------------- /projects/catlip/README-semantic-segmentation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/README-semantic-segmentation.md -------------------------------------------------------------------------------- /projects/catlip/README-single-label-object-classification.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/README-single-label-object-classification.md -------------------------------------------------------------------------------- /projects/catlip/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/README.md -------------------------------------------------------------------------------- /projects/catlip/image_classification/imagenet/vit_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/image_classification/imagenet/vit_base.yaml -------------------------------------------------------------------------------- /projects/catlip/image_classification/imagenet/vit_base_512x512.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/image_classification/imagenet/vit_base_512x512.yaml -------------------------------------------------------------------------------- /projects/catlip/image_classification/imagenet/vit_huge.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/image_classification/imagenet/vit_huge.yaml -------------------------------------------------------------------------------- /projects/catlip/image_classification/imagenet/vit_huge_512x512.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/image_classification/imagenet/vit_huge_512x512.yaml -------------------------------------------------------------------------------- /projects/catlip/image_classification/imagenet/vit_large.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/image_classification/imagenet/vit_large.yaml -------------------------------------------------------------------------------- /projects/catlip/image_classification/imagenet/vit_large_512x512.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/image_classification/imagenet/vit_large_512x512.yaml -------------------------------------------------------------------------------- /projects/catlip/image_classification/places365/vit_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/image_classification/places365/vit_base.yaml -------------------------------------------------------------------------------- /projects/catlip/image_classification/places365/vit_base_512x512.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/image_classification/places365/vit_base_512x512.yaml -------------------------------------------------------------------------------- /projects/catlip/image_classification/places365/vit_huge.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/image_classification/places365/vit_huge.yaml -------------------------------------------------------------------------------- /projects/catlip/image_classification/places365/vit_huge_512x512.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/image_classification/places365/vit_huge_512x512.yaml -------------------------------------------------------------------------------- /projects/catlip/image_classification/places365/vit_large.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/image_classification/places365/vit_large.yaml -------------------------------------------------------------------------------- /projects/catlip/image_classification/places365/vit_large_512x512.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/image_classification/places365/vit_large_512x512.yaml -------------------------------------------------------------------------------- /projects/catlip/multi_label_image_classification/vit_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/multi_label_image_classification/vit_base.yaml -------------------------------------------------------------------------------- /projects/catlip/multi_label_image_classification/vit_large.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/multi_label_image_classification/vit_large.yaml -------------------------------------------------------------------------------- /projects/catlip/object_detection/maskrcnn_vit_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/object_detection/maskrcnn_vit_base.yaml -------------------------------------------------------------------------------- /projects/catlip/object_detection/maskrcnn_vit_huge.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/object_detection/maskrcnn_vit_huge.yaml -------------------------------------------------------------------------------- /projects/catlip/object_detection/maskrcnn_vit_large.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/object_detection/maskrcnn_vit_large.yaml -------------------------------------------------------------------------------- /projects/catlip/pretraining/vit_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/pretraining/vit_base.yaml -------------------------------------------------------------------------------- /projects/catlip/pretraining/vit_huge.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/pretraining/vit_huge.yaml -------------------------------------------------------------------------------- /projects/catlip/pretraining/vit_large.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/pretraining/vit_large.yaml -------------------------------------------------------------------------------- /projects/catlip/semantic_segmentation/deeplabv3_vit_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/semantic_segmentation/deeplabv3_vit_base.yaml -------------------------------------------------------------------------------- /projects/catlip/semantic_segmentation/deeplabv3_vit_huge.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/semantic_segmentation/deeplabv3_vit_huge.yaml -------------------------------------------------------------------------------- /projects/catlip/semantic_segmentation/deeplabv3_vit_large.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/catlip/semantic_segmentation/deeplabv3_vit_large.yaml -------------------------------------------------------------------------------- /projects/clip/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/clip/README.md -------------------------------------------------------------------------------- /projects/clip/clip_vit_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/clip/clip_vit_base.yaml -------------------------------------------------------------------------------- /projects/fastvit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/fastvit/README.md -------------------------------------------------------------------------------- /projects/fastvit/classification/fastvit_t8_in1k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/fastvit/classification/fastvit_t8_in1k.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/README.md -------------------------------------------------------------------------------- /projects/kv-prediction/model_arch.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/model_arch.png -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_1_1B_0_25.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_1_1B_0_25.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_1_1B_0_50.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_1_1B_0_50.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_1_1B_0_75.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_1_1B_0_75.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_1_1B_kvp_c_270M.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_1_1B_kvp_c_270M.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_1_1B_kvp_c_450M.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_1_1B_kvp_c_450M.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_1_1B_kvp_lp_0_25.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_1_1B_kvp_lp_0_25.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_1_1B_kvp_lp_0_50.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_1_1B_kvp_lp_0_50.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_1_1B_kvp_lp_0_75.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_1_1B_kvp_lp_0_75.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_3B_kvp_c_1_1B.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_3B_kvp_c_1_1B.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_3B_kvp_c_270M.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_3B_kvp_c_270M.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_3B_kvp_c_450M.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_3B_kvp_c_450M.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_3B_kvp_lp_0_25.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_3B_kvp_lp_0_25.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_3B_kvp_lp_0_50.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_3B_kvp_lp_0_50.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_3B_kvp_lp_0_75.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_3B_kvp_lp_0_75.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_base_3B_aux_0_25l.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_base_3B_aux_0_25l.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_base_3B_aux_0_50l.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_base_3B_aux_0_50l.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/openelm/openelm_base_3B_aux_0_75l.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/openelm/openelm_base_3B_aux_0_75l.yaml -------------------------------------------------------------------------------- /projects/kv-prediction/triviaqa-template.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/kv-prediction/triviaqa-template.yaml -------------------------------------------------------------------------------- /projects/mobilenet_v1/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/mobilenet_v1/README.md -------------------------------------------------------------------------------- /projects/mobilenet_v1/classification/mobilenetv1_1.0_in1k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/mobilenet_v1/classification/mobilenetv1_1.0_in1k.yaml -------------------------------------------------------------------------------- /projects/mobilenet_v2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/mobilenet_v2/README.md -------------------------------------------------------------------------------- /projects/mobilenet_v2/classification/mobilenetv2_1.0_in1k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/mobilenet_v2/classification/mobilenetv2_1.0_in1k.yaml -------------------------------------------------------------------------------- /projects/mobilenet_v2/segmentation/deeplabv3_ade20k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/mobilenet_v2/segmentation/deeplabv3_ade20k.yaml -------------------------------------------------------------------------------- /projects/mobilenet_v3/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/mobilenet_v3/README.md -------------------------------------------------------------------------------- /projects/mobilenet_v3/classification/mobilenetv3_large_in1k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/mobilenet_v3/classification/mobilenetv3_large_in1k.yaml -------------------------------------------------------------------------------- /projects/mobileone/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/mobileone/README.md -------------------------------------------------------------------------------- /projects/mobileone/classification/mobileone_s1_in1k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/mobileone/classification/mobileone_s1_in1k.yaml -------------------------------------------------------------------------------- /projects/mobilevit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/mobilevit/README.md -------------------------------------------------------------------------------- /projects/mobilevit_v2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/mobilevit_v2/README.md -------------------------------------------------------------------------------- /projects/mobilevit_v2/classification/mobilevitv2_2.0_ft_384x384.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/mobilevit_v2/classification/mobilevitv2_2.0_ft_384x384.yaml -------------------------------------------------------------------------------- /projects/mobilevit_v2/classification/mobilevitv2_2.0_in1k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/mobilevit_v2/classification/mobilevitv2_2.0_in1k.yaml -------------------------------------------------------------------------------- /projects/mobilevit_v2/detection/mobilevitv2_2.0_ssd_coco.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/mobilevit_v2/detection/mobilevitv2_2.0_ssd_coco.yaml -------------------------------------------------------------------------------- /projects/mobilevit_v2/segmentation/deeplabv3_mobilevitv2_1.0_ade20k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/mobilevit_v2/segmentation/deeplabv3_mobilevitv2_1.0_ade20k.yaml -------------------------------------------------------------------------------- /projects/openelm/README-instruct.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/openelm/README-instruct.md -------------------------------------------------------------------------------- /projects/openelm/README-peft.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/openelm/README-peft.md -------------------------------------------------------------------------------- /projects/openelm/README-pretraining.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/openelm/README-pretraining.md -------------------------------------------------------------------------------- /projects/openelm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/openelm/README.md -------------------------------------------------------------------------------- /projects/openelm/instruction_tuning/openelm-instruct.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/openelm/instruction_tuning/openelm-instruct.yaml -------------------------------------------------------------------------------- /projects/openelm/peft_configs/openelm_lora_1_1B.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/openelm/peft_configs/openelm_lora_1_1B.yaml -------------------------------------------------------------------------------- /projects/openelm/peft_configs/openelm_lora_270M.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/openelm/peft_configs/openelm_lora_270M.yaml -------------------------------------------------------------------------------- /projects/openelm/peft_configs/openelm_lora_270M_eval.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/openelm/peft_configs/openelm_lora_270M_eval.yaml -------------------------------------------------------------------------------- /projects/openelm/peft_configs/openelm_lora_3B.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/openelm/peft_configs/openelm_lora_3B.yaml -------------------------------------------------------------------------------- /projects/openelm/peft_configs/openelm_lora_450M.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/openelm/peft_configs/openelm_lora_450M.yaml -------------------------------------------------------------------------------- /projects/openelm/pretraining_configs/openelm_1_1B.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/openelm/pretraining_configs/openelm_1_1B.yaml -------------------------------------------------------------------------------- /projects/openelm/pretraining_configs/openelm_270M.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/openelm/pretraining_configs/openelm_270M.yaml -------------------------------------------------------------------------------- /projects/openelm/pretraining_configs/openelm_3B.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/openelm/pretraining_configs/openelm_3B.yaml -------------------------------------------------------------------------------- /projects/openelm/pretraining_configs/openelm_450M.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/openelm/pretraining_configs/openelm_450M.yaml -------------------------------------------------------------------------------- /projects/range_augment/README-classification.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/README-classification.md -------------------------------------------------------------------------------- /projects/range_augment/README-clip.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/README-clip.md -------------------------------------------------------------------------------- /projects/range_augment/README-distillation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/README-distillation.md -------------------------------------------------------------------------------- /projects/range_augment/README-object-detection.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/README-object-detection.md -------------------------------------------------------------------------------- /projects/range_augment/README-segmentation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/README-segmentation.md -------------------------------------------------------------------------------- /projects/range_augment/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/README.md -------------------------------------------------------------------------------- /projects/range_augment/classification/efficientnet_b0.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/classification/efficientnet_b0.yaml -------------------------------------------------------------------------------- /projects/range_augment/classification/efficientnet_b1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/classification/efficientnet_b1.yaml -------------------------------------------------------------------------------- /projects/range_augment/classification/efficientnet_b2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/classification/efficientnet_b2.yaml -------------------------------------------------------------------------------- /projects/range_augment/classification/efficientnet_b3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/classification/efficientnet_b3.yaml -------------------------------------------------------------------------------- /projects/range_augment/classification/mobilenet_v1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/classification/mobilenet_v1.yaml -------------------------------------------------------------------------------- /projects/range_augment/classification/mobilenet_v2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/classification/mobilenet_v2.yaml -------------------------------------------------------------------------------- /projects/range_augment/classification/mobilenet_v3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/classification/mobilenet_v3.yaml -------------------------------------------------------------------------------- /projects/range_augment/classification/mobilevit_v1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/classification/mobilevit_v1.yaml -------------------------------------------------------------------------------- /projects/range_augment/classification/regnety_16gf.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/classification/regnety_16gf.yaml -------------------------------------------------------------------------------- /projects/range_augment/classification/resnet_101.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/classification/resnet_101.yaml -------------------------------------------------------------------------------- /projects/range_augment/classification/resnet_50.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/classification/resnet_50.yaml -------------------------------------------------------------------------------- /projects/range_augment/classification/se_resnet_50.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/classification/se_resnet_50.yaml -------------------------------------------------------------------------------- /projects/range_augment/classification/swin_transformer_small.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/classification/swin_transformer_small.yaml -------------------------------------------------------------------------------- /projects/range_augment/classification/swin_transformer_tiny.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/classification/swin_transformer_tiny.yaml -------------------------------------------------------------------------------- /projects/range_augment/clip/clip_vit_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/clip/clip_vit_base.yaml -------------------------------------------------------------------------------- /projects/range_augment/clip/clip_vit_huge.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/clip/clip_vit_huge.yaml -------------------------------------------------------------------------------- /projects/range_augment/clip_finetune_imagenet/clip_vit_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/clip_finetune_imagenet/clip_vit_base.yaml -------------------------------------------------------------------------------- /projects/range_augment/clip_finetune_imagenet/clip_vit_huge.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/clip_finetune_imagenet/clip_vit_huge.yaml -------------------------------------------------------------------------------- /projects/range_augment/detection/maskrcnn_efficientnet_b3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/detection/maskrcnn_efficientnet_b3.yaml -------------------------------------------------------------------------------- /projects/range_augment/detection/maskrcnn_mobilenet_v1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/detection/maskrcnn_mobilenet_v1.yaml -------------------------------------------------------------------------------- /projects/range_augment/detection/maskrcnn_mobilenet_v2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/detection/maskrcnn_mobilenet_v2.yaml -------------------------------------------------------------------------------- /projects/range_augment/detection/maskrcnn_mobilenet_v3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/detection/maskrcnn_mobilenet_v3.yaml -------------------------------------------------------------------------------- /projects/range_augment/detection/maskrcnn_mobilevit.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/detection/maskrcnn_mobilevit.yaml -------------------------------------------------------------------------------- /projects/range_augment/detection/maskrcnn_resnet_101.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/detection/maskrcnn_resnet_101.yaml -------------------------------------------------------------------------------- /projects/range_augment/detection/maskrcnn_resnet_50.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/detection/maskrcnn_resnet_50.yaml -------------------------------------------------------------------------------- /projects/range_augment/distillation/teacher_resnet101_student_mobilenet_v1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/distillation/teacher_resnet101_student_mobilenet_v1.yaml -------------------------------------------------------------------------------- /projects/range_augment/distillation/teacher_resnet101_student_mobilenet_v2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/distillation/teacher_resnet101_student_mobilenet_v2.yaml -------------------------------------------------------------------------------- /projects/range_augment/distillation/teacher_resnet101_student_mobilenet_v3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/distillation/teacher_resnet101_student_mobilenet_v3.yaml -------------------------------------------------------------------------------- /projects/range_augment/distillation/teacher_resnet101_student_mobilevit.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/distillation/teacher_resnet101_student_mobilevit.yaml -------------------------------------------------------------------------------- /projects/range_augment/segmentation/ade20k/deeplabv3_efficientnet_b3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/segmentation/ade20k/deeplabv3_efficientnet_b3.yaml -------------------------------------------------------------------------------- /projects/range_augment/segmentation/ade20k/deeplabv3_mobilenet_v1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/segmentation/ade20k/deeplabv3_mobilenet_v1.yaml -------------------------------------------------------------------------------- /projects/range_augment/segmentation/ade20k/deeplabv3_mobilenet_v2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/segmentation/ade20k/deeplabv3_mobilenet_v2.yaml -------------------------------------------------------------------------------- /projects/range_augment/segmentation/ade20k/deeplabv3_mobilenet_v3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/segmentation/ade20k/deeplabv3_mobilenet_v3.yaml -------------------------------------------------------------------------------- /projects/range_augment/segmentation/ade20k/deeplabv3_mobilevit.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/segmentation/ade20k/deeplabv3_mobilevit.yaml -------------------------------------------------------------------------------- /projects/range_augment/segmentation/ade20k/deeplabv3_resnet_101.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/segmentation/ade20k/deeplabv3_resnet_101.yaml -------------------------------------------------------------------------------- /projects/range_augment/segmentation/ade20k/deeplabv3_resnet_50.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/segmentation/ade20k/deeplabv3_resnet_50.yaml -------------------------------------------------------------------------------- /projects/range_augment/segmentation/pascal_voc/deeplabv3_efficientnet_b3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/segmentation/pascal_voc/deeplabv3_efficientnet_b3.yaml -------------------------------------------------------------------------------- /projects/range_augment/segmentation/pascal_voc/deeplabv3_mobilenet_v1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/segmentation/pascal_voc/deeplabv3_mobilenet_v1.yaml -------------------------------------------------------------------------------- /projects/range_augment/segmentation/pascal_voc/deeplabv3_mobilenet_v2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/segmentation/pascal_voc/deeplabv3_mobilenet_v2.yaml -------------------------------------------------------------------------------- /projects/range_augment/segmentation/pascal_voc/deeplabv3_mobilenet_v3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/segmentation/pascal_voc/deeplabv3_mobilenet_v3.yaml -------------------------------------------------------------------------------- /projects/range_augment/segmentation/pascal_voc/deeplabv3_resnet_101.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/segmentation/pascal_voc/deeplabv3_resnet_101.yaml -------------------------------------------------------------------------------- /projects/range_augment/segmentation/pascal_voc/deeplabv3_resnet_50.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/range_augment/segmentation/pascal_voc/deeplabv3_resnet_50.yaml -------------------------------------------------------------------------------- /projects/resnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/resnet/README.md -------------------------------------------------------------------------------- /projects/resnet/classification/resnet50_in1k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/resnet/classification/resnet50_in1k.yaml -------------------------------------------------------------------------------- /projects/resnet/detection/ssd_resnet50_coco.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/resnet/detection/ssd_resnet50_coco.yaml -------------------------------------------------------------------------------- /projects/vit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/vit/README.md -------------------------------------------------------------------------------- /projects/vit/classification/vit_base_in1k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/projects/vit/classification/vit_base_in1k.yaml -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/pyproject.toml -------------------------------------------------------------------------------- /requirements-optional.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/requirements-optional.txt -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/requirements.txt -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/setup.py -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/configs.py -------------------------------------------------------------------------------- /tests/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/__init__.py -------------------------------------------------------------------------------- /tests/data/coco/annotations/instances_train2017.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/coco/annotations/instances_train2017.json -------------------------------------------------------------------------------- /tests/data/coco/annotations/instances_val2017.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/coco/annotations/instances_val2017.json -------------------------------------------------------------------------------- /tests/data/collate_fns/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/collate_fns/test_byteformer_collate_fn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/collate_fns/test_byteformer_collate_fn.py -------------------------------------------------------------------------------- /tests/data/collate_fns/test_collate_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/collate_fns/test_collate_functions.py -------------------------------------------------------------------------------- /tests/data/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/__init__.py -------------------------------------------------------------------------------- /tests/data/datasets/audio_classification/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/datasets/audio_classification/test_speech_commands_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/audio_classification/test_speech_commands_v2.py -------------------------------------------------------------------------------- /tests/data/datasets/classification/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/__init__.py -------------------------------------------------------------------------------- /tests/data/datasets/classification/dummy_configs/coco.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/dummy_configs/coco.yaml -------------------------------------------------------------------------------- /tests/data/datasets/classification/dummy_configs/image_classification_dataset.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/dummy_configs/image_classification_dataset.yaml -------------------------------------------------------------------------------- /tests/data/datasets/classification/dummy_configs/imagenet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/dummy_configs/imagenet.yaml -------------------------------------------------------------------------------- /tests/data/datasets/classification/dummy_configs/imagenet_a.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/dummy_configs/imagenet_a.yaml -------------------------------------------------------------------------------- /tests/data/datasets/classification/dummy_configs/imagenet_r.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/dummy_configs/imagenet_r.yaml -------------------------------------------------------------------------------- /tests/data/datasets/classification/dummy_configs/imagenet_sketch.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/dummy_configs/imagenet_sketch.yaml -------------------------------------------------------------------------------- /tests/data/datasets/classification/dummy_configs/wordnet_tagged_classification.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/dummy_configs/wordnet_tagged_classification.yaml -------------------------------------------------------------------------------- /tests/data/datasets/classification/dummy_images/training/class1/dummy_image1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/dummy_images/training/class1/dummy_image1.jpg -------------------------------------------------------------------------------- /tests/data/datasets/classification/dummy_images/training/class1/dummy_image2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/dummy_images/training/class1/dummy_image2.jpg -------------------------------------------------------------------------------- /tests/data/datasets/classification/dummy_images/training/class2/dummy_image1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/dummy_images/training/class2/dummy_image1.jpg -------------------------------------------------------------------------------- /tests/data/datasets/classification/dummy_images/training/class2/dummy_image2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/dummy_images/training/class2/dummy_image2.jpg -------------------------------------------------------------------------------- /tests/data/datasets/classification/dummy_images/validation/class1/dummy_image1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/dummy_images/validation/class1/dummy_image1.jpg -------------------------------------------------------------------------------- /tests/data/datasets/classification/dummy_images/validation/class1/dummy_image2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/dummy_images/validation/class1/dummy_image2.jpg -------------------------------------------------------------------------------- /tests/data/datasets/classification/dummy_images/validation/class2/dummy_image1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/dummy_images/validation/class2/dummy_image1.jpg -------------------------------------------------------------------------------- /tests/data/datasets/classification/dummy_images/validation/class2/dummy_image2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/dummy_images/validation/class2/dummy_image2.jpg -------------------------------------------------------------------------------- /tests/data/datasets/classification/mock_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/mock_coco.py -------------------------------------------------------------------------------- /tests/data/datasets/classification/mock_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/mock_imagenet.py -------------------------------------------------------------------------------- /tests/data/datasets/classification/mock_wordnet_tagged_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/mock_wordnet_tagged_classification.py -------------------------------------------------------------------------------- /tests/data/datasets/classification/test_base_image_classification_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/test_base_image_classification_dataset.py -------------------------------------------------------------------------------- /tests/data/datasets/classification/test_mock_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/test_mock_coco.py -------------------------------------------------------------------------------- /tests/data/datasets/classification/test_mock_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/test_mock_imagenet.py -------------------------------------------------------------------------------- /tests/data/datasets/classification/test_wordnet_tagged_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/classification/test_wordnet_tagged_classification.py -------------------------------------------------------------------------------- /tests/data/datasets/detection/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/datasets/detection/mock_coco_mask_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/detection/mock_coco_mask_rcnn.py -------------------------------------------------------------------------------- /tests/data/datasets/detection/mock_coco_ssd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/detection/mock_coco_ssd.py -------------------------------------------------------------------------------- /tests/data/datasets/language_modeling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/datasets/language_modeling/dummy_commonsense_170k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/language_modeling/dummy_commonsense_170k.yaml -------------------------------------------------------------------------------- /tests/data/datasets/language_modeling/dummy_lm_dataset.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/language_modeling/dummy_lm_dataset.yaml -------------------------------------------------------------------------------- /tests/data/datasets/language_modeling/mock_general_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/language_modeling/mock_general_lm.py -------------------------------------------------------------------------------- /tests/data/datasets/language_modeling/test_commonsense_170k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/language_modeling/test_commonsense_170k.py -------------------------------------------------------------------------------- /tests/data/datasets/language_modeling/test_general_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/language_modeling/test_general_lm.py -------------------------------------------------------------------------------- /tests/data/datasets/multi_modal_img_text/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/datasets/multi_modal_img_text/dummy_img_text_tar_dataset.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/multi_modal_img_text/dummy_img_text_tar_dataset.yaml -------------------------------------------------------------------------------- /tests/data/datasets/multi_modal_img_text/mock_img_text_tar_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/multi_modal_img_text/mock_img_text_tar_dataset.py -------------------------------------------------------------------------------- /tests/data/datasets/multi_modal_img_text/test_img_text_tar_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/multi_modal_img_text/test_img_text_tar_dataset.py -------------------------------------------------------------------------------- /tests/data/datasets/multi_modal_img_text/zero_shot_image_classification/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/datasets/multi_modal_img_text/zero_shot_image_classification/dummy_configs/imagenet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/multi_modal_img_text/zero_shot_image_classification/dummy_configs/imagenet.yaml -------------------------------------------------------------------------------- /tests/data/datasets/multi_modal_img_text/zero_shot_image_classification/dummy_configs/imagenet_a.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/multi_modal_img_text/zero_shot_image_classification/dummy_configs/imagenet_a.yaml -------------------------------------------------------------------------------- /tests/data/datasets/multi_modal_img_text/zero_shot_image_classification/dummy_configs/imagenet_r.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/multi_modal_img_text/zero_shot_image_classification/dummy_configs/imagenet_r.yaml -------------------------------------------------------------------------------- /tests/data/datasets/multi_modal_img_text/zero_shot_image_classification/dummy_configs/imagenet_sketch.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/multi_modal_img_text/zero_shot_image_classification/dummy_configs/imagenet_sketch.yaml -------------------------------------------------------------------------------- /tests/data/datasets/multi_modal_img_text/zero_shot_image_classification/mock_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/multi_modal_img_text/zero_shot_image_classification/mock_imagenet.py -------------------------------------------------------------------------------- /tests/data/datasets/multi_modal_img_text/zero_shot_image_classification/test_mock_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/multi_modal_img_text/zero_shot_image_classification/test_mock_imagenet.py -------------------------------------------------------------------------------- /tests/data/datasets/segmentation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/segmentation/__init__.py -------------------------------------------------------------------------------- /tests/data/datasets/segmentation/dummy_ade20k_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/segmentation/dummy_ade20k_config.yaml -------------------------------------------------------------------------------- /tests/data/datasets/segmentation/dummy_cocostuff_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/segmentation/dummy_cocostuff_config.yaml -------------------------------------------------------------------------------- /tests/data/datasets/segmentation/mock_ade20k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/segmentation/mock_ade20k.py -------------------------------------------------------------------------------- /tests/data/datasets/segmentation/mock_coco_stuff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/segmentation/mock_coco_stuff.py -------------------------------------------------------------------------------- /tests/data/datasets/segmentation/test_mock_ade20k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/segmentation/test_mock_ade20k.py -------------------------------------------------------------------------------- /tests/data/datasets/segmentation/test_mock_coco_stuff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/segmentation/test_mock_coco_stuff.py -------------------------------------------------------------------------------- /tests/data/datasets/test_dataset_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/test_dataset_base.py -------------------------------------------------------------------------------- /tests/data/datasets/test_image_pil.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/test_image_pil.py -------------------------------------------------------------------------------- /tests/data/datasets/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/utils/__init__.py -------------------------------------------------------------------------------- /tests/data/datasets/utils/test_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/utils/test_common.py -------------------------------------------------------------------------------- /tests/data/datasets/utils/test_video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/datasets/utils/test_video.py -------------------------------------------------------------------------------- /tests/data/dummy_silent_video.mov: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/dummy_silent_video.mov -------------------------------------------------------------------------------- /tests/data/dummy_video.mov: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/dummy_video.mov -------------------------------------------------------------------------------- /tests/data/io/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/io/test_transfer_clients.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/io/test_transfer_clients.py -------------------------------------------------------------------------------- /tests/data/samplers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/samplers/__init__.py -------------------------------------------------------------------------------- /tests/data/samplers/test_batch_sampler_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/samplers/test_batch_sampler_config.yaml -------------------------------------------------------------------------------- /tests/data/samplers/test_chain_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/samplers/test_chain_sampler.py -------------------------------------------------------------------------------- /tests/data/samplers/test_chain_sampler_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/samplers/test_chain_sampler_config.yaml -------------------------------------------------------------------------------- /tests/data/samplers/test_data_samplers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/samplers/test_data_samplers.py -------------------------------------------------------------------------------- /tests/data/samplers/test_multi_scale_sampler_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/samplers/test_multi_scale_sampler_config.yaml -------------------------------------------------------------------------------- /tests/data/samplers/test_variable_batch_sampler_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/samplers/test_variable_batch_sampler_config.yaml -------------------------------------------------------------------------------- /tests/data/samplers/test_video_clip_batch_sampler_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/samplers/test_video_clip_batch_sampler_config.yaml -------------------------------------------------------------------------------- /tests/data/text_tokenizer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/text_tokenizer/test_clip_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/text_tokenizer/test_clip_tokenizer.py -------------------------------------------------------------------------------- /tests/data/text_tokenizer/test_openai_clip_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/text_tokenizer/test_openai_clip_tokenizer.py -------------------------------------------------------------------------------- /tests/data/video_reader/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/video_reader/test_av_reader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/video_reader/test_av_reader.py -------------------------------------------------------------------------------- /tests/data/video_reader/test_ffmpeg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/data/video_reader/test_ffmpeg_utils.py -------------------------------------------------------------------------------- /tests/engine/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/engine/dummy_configs/ade20k_segmentation/deeplabv3_mobilenetv2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/engine/dummy_configs/ade20k_segmentation/deeplabv3_mobilenetv2.yaml -------------------------------------------------------------------------------- /tests/engine/dummy_configs/coco_detection/resnet_mask_rcnn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/engine/dummy_configs/coco_detection/resnet_mask_rcnn.yaml -------------------------------------------------------------------------------- /tests/engine/dummy_configs/coco_detection/resnet_ssd.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/engine/dummy_configs/coco_detection/resnet_ssd.yaml -------------------------------------------------------------------------------- /tests/engine/dummy_configs/image_text_clip/clip_vit.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/engine/dummy_configs/image_text_clip/clip_vit.yaml -------------------------------------------------------------------------------- /tests/engine/dummy_configs/imagenet_classification/efficientnet_b0.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/engine/dummy_configs/imagenet_classification/efficientnet_b0.yaml -------------------------------------------------------------------------------- /tests/engine/dummy_configs/imagenet_classification/mobilevit.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/engine/dummy_configs/imagenet_classification/mobilevit.yaml -------------------------------------------------------------------------------- /tests/engine/dummy_configs/imagenet_classification/mobilevit_v2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/engine/dummy_configs/imagenet_classification/mobilevit_v2.yaml -------------------------------------------------------------------------------- /tests/engine/dummy_configs/language_modeling_gpt/gpt.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/engine/dummy_configs/language_modeling_gpt/gpt.yaml -------------------------------------------------------------------------------- /tests/engine/test_training_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/engine/test_training_engine.py -------------------------------------------------------------------------------- /tests/loss_fns/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/loss_fns/__init__.py -------------------------------------------------------------------------------- /tests/loss_fns/language_modeling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/loss_fns/language_modeling/test_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/loss_fns/language_modeling/test_cross_entropy.py -------------------------------------------------------------------------------- /tests/loss_fns/language_modeling/test_cross_entropy_for_kv_prediction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/loss_fns/language_modeling/test_cross_entropy_for_kv_prediction.py -------------------------------------------------------------------------------- /tests/loss_fns/test_class_weighting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/loss_fns/test_class_weighting.py -------------------------------------------------------------------------------- /tests/loss_fns/test_classification_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/loss_fns/test_classification_loss.py -------------------------------------------------------------------------------- /tests/loss_fns/test_composite_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/loss_fns/test_composite_loss.py -------------------------------------------------------------------------------- /tests/loss_fns/test_contrastive_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/loss_fns/test_contrastive_loss.py -------------------------------------------------------------------------------- /tests/loss_fns/test_detection_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/loss_fns/test_detection_loss.py -------------------------------------------------------------------------------- /tests/loss_fns/test_focal_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/loss_fns/test_focal_loss.py -------------------------------------------------------------------------------- /tests/loss_fns/test_neural_aug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/loss_fns/test_neural_aug.py -------------------------------------------------------------------------------- /tests/loss_fns/test_neural_aug_compatibility.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/loss_fns/test_neural_aug_compatibility.py -------------------------------------------------------------------------------- /tests/loss_fns/test_segmentation_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/loss_fns/test_segmentation_loss.py -------------------------------------------------------------------------------- /tests/metrics/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/metrics/__init__.py -------------------------------------------------------------------------------- /tests/metrics/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/metrics/base.py -------------------------------------------------------------------------------- /tests/metrics/test_coco_map.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/metrics/test_coco_map.py -------------------------------------------------------------------------------- /tests/metrics/test_image_text_retrieval_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/metrics/test_image_text_retrieval_metrics.py -------------------------------------------------------------------------------- /tests/metrics/test_iou.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/metrics/test_iou.py -------------------------------------------------------------------------------- /tests/metrics/test_misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/metrics/test_misc.py -------------------------------------------------------------------------------- /tests/metrics/test_multiclass_classification_pr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/metrics/test_multiclass_classification_pr.py -------------------------------------------------------------------------------- /tests/metrics/test_probability_histogram.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/metrics/test_probability_histogram.py -------------------------------------------------------------------------------- /tests/metrics/test_psnr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/metrics/test_psnr.py -------------------------------------------------------------------------------- /tests/metrics/test_retrieval_cmc_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/metrics/test_retrieval_cmc_metrics.py -------------------------------------------------------------------------------- /tests/metrics/test_topk_accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/metrics/test_topk_accuracy.py -------------------------------------------------------------------------------- /tests/metrics/test_vqa_preset_score_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/metrics/test_vqa_preset_score_metrics.py -------------------------------------------------------------------------------- /tests/misc/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/misc/__init__.py -------------------------------------------------------------------------------- /tests/misc/dummy_clip_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/misc/dummy_clip_config.yaml -------------------------------------------------------------------------------- /tests/misc/dummy_linear_probe_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/misc/dummy_linear_probe_config.yaml -------------------------------------------------------------------------------- /tests/misc/test_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/misc/test_common.py -------------------------------------------------------------------------------- /tests/modeling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/modeling/layers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/modeling/layers/normalization_layers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/modeling/layers/normalization_layers/test_rms_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/layers/normalization_layers/test_rms_norm.py -------------------------------------------------------------------------------- /tests/modeling/layers/test_conv_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/layers/test_conv_layer.py -------------------------------------------------------------------------------- /tests/modeling/layers/test_multi_head_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/layers/test_multi_head_attn.py -------------------------------------------------------------------------------- /tests/modeling/layers/test_pos_embeddings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/layers/test_pos_embeddings.py -------------------------------------------------------------------------------- /tests/modeling/layers/test_rotary_embeddings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/layers/test_rotary_embeddings.py -------------------------------------------------------------------------------- /tests/modeling/layers/test_token_merging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/layers/test_token_merging.py -------------------------------------------------------------------------------- /tests/modeling/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/models/__init__.py -------------------------------------------------------------------------------- /tests/modeling/models/audio_classification/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/modeling/models/audio_classification/test_base_audio_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/models/audio_classification/test_base_audio_classification.py -------------------------------------------------------------------------------- /tests/modeling/models/audio_classification/test_byteformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/models/audio_classification/test_byteformer.py -------------------------------------------------------------------------------- /tests/modeling/models/classification/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/modeling/models/classification/config/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/modeling/models/classification/config/test_byteformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/models/classification/config/test_byteformer.py -------------------------------------------------------------------------------- /tests/modeling/models/classification/config/vit_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/models/classification/config/vit_config.yaml -------------------------------------------------------------------------------- /tests/modeling/models/classification/test_byteformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/models/classification/test_byteformer.py -------------------------------------------------------------------------------- /tests/modeling/models/classification/test_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/models/classification/test_vit.py -------------------------------------------------------------------------------- /tests/modeling/models/language_modeling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/modeling/models/language_modeling/config/gpt_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/models/language_modeling/config/gpt_config.yaml -------------------------------------------------------------------------------- /tests/modeling/models/language_modeling/config/kv_prediction_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/models/language_modeling/config/kv_prediction_config.yaml -------------------------------------------------------------------------------- /tests/modeling/models/language_modeling/test_general_gpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/models/language_modeling/test_general_gpt.py -------------------------------------------------------------------------------- /tests/modeling/models/language_modeling/test_kv_prediction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/models/language_modeling/test_kv_prediction.py -------------------------------------------------------------------------------- /tests/modeling/models/test_activation_checkpointing_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/models/test_activation_checkpointing_wrapper.py -------------------------------------------------------------------------------- /tests/modeling/models/test_lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/models/test_lora.py -------------------------------------------------------------------------------- /tests/modeling/models/test_neural_aug_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/models/test_neural_aug_utils.py -------------------------------------------------------------------------------- /tests/modeling/modules/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/modeling/modules/test_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/modules/test_transformer.py -------------------------------------------------------------------------------- /tests/modeling/modules/test_windowed_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/modules/test_windowed_transformer.py -------------------------------------------------------------------------------- /tests/modeling/test_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/modeling/test_model.py -------------------------------------------------------------------------------- /tests/optims/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/optims/scheduler/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/optims/scheduler/test_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/optims/scheduler/test_scheduler.py -------------------------------------------------------------------------------- /tests/options/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/options/__init__.py -------------------------------------------------------------------------------- /tests/options/test_parse_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/options/test_parse_args.py -------------------------------------------------------------------------------- /tests/options/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/options/test_utils.py -------------------------------------------------------------------------------- /tests/test_conventions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/test_conventions.py -------------------------------------------------------------------------------- /tests/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/test_utils.py -------------------------------------------------------------------------------- /tests/transforms/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/transforms/test_audio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/transforms/test_audio.py -------------------------------------------------------------------------------- /tests/transforms/test_audio_bytes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/transforms/test_audio_bytes.py -------------------------------------------------------------------------------- /tests/transforms/test_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/transforms/test_image.py -------------------------------------------------------------------------------- /tests/transforms/test_image_bytes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/transforms/test_image_bytes.py -------------------------------------------------------------------------------- /tests/transforms/test_video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/transforms/test_video.py -------------------------------------------------------------------------------- /tests/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/utils/__init__.py -------------------------------------------------------------------------------- /tests/utils/test_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/utils/test_check.py -------------------------------------------------------------------------------- /tests/utils/test_common_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/utils/test_common_utils.py -------------------------------------------------------------------------------- /tests/utils/test_dict_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/utils/test_dict_utils.py -------------------------------------------------------------------------------- /tests/utils/test_download_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/utils/test_download_utils.py -------------------------------------------------------------------------------- /tests/utils/test_file_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/utils/test_file_logger.py -------------------------------------------------------------------------------- /tests/utils/test_import_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tests/utils/test_import_utils.py -------------------------------------------------------------------------------- /tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/converter_coco_stuff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tools/converter_coco_stuff.py -------------------------------------------------------------------------------- /tox.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tox.ini -------------------------------------------------------------------------------- /tutorials/clip.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tutorials/clip.ipynb -------------------------------------------------------------------------------- /tutorials/guide_slurm_and_multi_node_training.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tutorials/guide_slurm_and_multi_node_training.md -------------------------------------------------------------------------------- /tutorials/object_detection.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tutorials/object_detection.ipynb -------------------------------------------------------------------------------- /tutorials/semantic_segmentation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tutorials/semantic_segmentation.ipynb -------------------------------------------------------------------------------- /tutorials/train_a_new_model_on_a_new_dataset_from_scratch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/apple/corenet/HEAD/tutorials/train_a_new_model_on_a_new_dataset_from_scratch.ipynb --------------------------------------------------------------------------------