diff --git a/1b-sentence-embeddings.md b/1b-sentence-embeddings.md index 606f215e75..366eb1d388 100644 --- a/1b-sentence-embeddings.md +++ b/1b-sentence-embeddings.md @@ -1,5 +1,6 @@ --- -title: "Train a Sentence Embedding Model with 1B Training Pairs" +title: Train a Sentence Embedding Model with 1B Training Pairs +thumbnail: /blog/assets/32_1b_sentence_embeddings/model.png authors: - user: asi guest: true diff --git a/_blog.yml b/_blog.yml index 8b1a1c117d..b38d344fe4 100644 --- a/_blog.yml +++ b/_blog.yml @@ -1,54 +1,36 @@ # "thumbnail" attribute can be GIFs while in the blogpost itself it's better if it's a simple bitmap (because it will be used as a social thumbnail) # make sure to optimize your "thumbnail" img with tinypng.com - local: how-to-train - title: How to train a new language model from scratch using Transformers and Tokenizers - thumbnail: /blog/assets/01_how-to-train/how-to-train_blogpost.png - author: julien-c date: February 14, 2020 tags: - guide - nlp - local: how-to-generate - title: "How to generate text: using different decoding methods for language generation with Transformers" - author: patrickvonplaten - thumbnail: /blog/assets/02_how-to-generate/thumbnail.png date: March, 2020 tags: - guide - nlp - local: reformer - title: "The Reformer - Pushing the limits of language modeling" - author: patrickvonplaten - thumbnail: /blog/assets/03_reformer/thumbnail.png date: July 3, 2020 tags: - research - nlp - local: pytorch_block_sparse - title: Block Sparse Matrices for Smaller and Faster Language Models - author: madlag - thumbnail: /blog/assets/04_pytorch_block_sparse/thumbnail.png date: Sep 10, 2020 tags: - research - nlp - local: encoder-decoder - title: "Transformer-based Encoder-Decoder Models" - author: patrickvonplaten - thumbnail: /blog/assets/05_encoder_decoder/thumbnail.png date: October 10, 2020 tags: - research - nlp - local: ray-tune - title: "Hyperparameter Search with Transformers and Ray Tune" - thumbnail: /blog/assets/06_ray_tune/ray-hf.jpg - author: ray-project guest: true date: November 2, 2020 tags: @@ -56,62 +38,41 @@ - nlp - local: porting-fsmt - title: "Porting fairseq wmt19 translation system to transformers" - thumbnail: /blog/assets/07_porting_fsmt/thumbnail.png - author: stas date: November 3, 2020 tags: - open-source-collab - nlp - local: warm-starting-encoder-decoder - title: "Leveraging Pre-trained Language Model Checkpoints for Encoder-Decoder Models" - author: patrickvonplaten - thumbnail: /blog/assets/08_warm_starting_encoder_decoder/thumbnail.png date: November 09, 2020 tags: - guide - nlp - local: accelerated-inference - title: How we sped up transformer inference 100x for 🤗 API customers - author: Narsil - thumbnail: /blog/assets/09_accelerated_inference/thumbnail.png date: January 18, 2021 tags: - analysis - nlp - local: zero-deepspeed-fairscale - title: "Fit More and Train Faster With ZeRO via DeepSpeed and FairScale" - author: stas - thumbnail: /blog/assets/11_zero_deepspeed_fairscale/zero-partitioning.png date: January 19, 2021 tags: - guide - local: tf-serving - title: "Faster TensorFlow models in Hugging Face Transformers" - author: jplu - thumbnail: /blog/assets/10_tf-serving/thumbnail.png date: January 26, 2021 tags: - guide - nlp - local: pytorch-xla - title: "Hugging Face on PyTorch / XLA TPUs" - thumbnail: /blog/assets/13_pytorch_xla/pytorch_xla_thumbnail.png - author: jysohn23 guest: true date: February 9, 2021 tags: - open-source-collab - local: ray-rag - title: "Retrieval Augmented Generation with Huggingface Transformers and Ray" - thumbnail: /blog/assets/12_ray_rag/ray_arch_updated.png - author: amogkam guest: true date: February 10, 2021 tags: @@ -119,52 +80,35 @@ - nlp - local: simple-considerations - title: "Simple considerations for simple people building fancy neural networks" - author: VictorSanh - thumbnail: /blog/assets/13_simple-considerations/henry-co-3coKbdfnAFg-unsplash.jpg date: February 25, 2021 tags: - guide - local: long-range-transformers - title: "Hugging Face Reads, Feb. 2021 - Long-range Transformers" - author: VictorSanh - thumbnail: /blog/assets/14_long_range_transformers/EfficientTransformerTaxonomy.png date: March 09, 2021 tags: - research - nlp - local: fine-tune-wav2vec2-english - title: "Fine-Tune Wav2Vec2 for English ASR with 🤗 Transformers" - author: patrickvonplaten - thumbnail: /blog/assets/15_fine_tune_wav2vec2/wav2vec2.png date: March 12, 2021 tags: - guide - audio - local: how-to-deploy-a-pipeline-to-google-clouds - title: "My Journey to a serverless transformers pipeline on Google Cloud" - author: Maxence guest: true date: March 18, 2021 tags: - guide - local: the-partnership-amazon-sagemaker-and-hugging-face - title: "The Partnership: Amazon SageMaker and Hugging Face" - author: philschmid - thumbnail: /blog/assets/17_the_partnership_amazon_sagemaker_and_hugging_face/thumbnail.png date: March 23, 2021 tags: - partnerships - aws - local: big-bird - title: "Understanding BigBird's Block Sparse Attention" - thumbnail: /blog/assets/18_big_bird/block-sparse-attn.gif - author: vasudevgupta guest: true date: March 31, 2021 tags: @@ -173,9 +117,6 @@ - nlp - local: sagemaker-distributed-training-seq2seq - title: "Distributed Training: Train BART/T5 for Summarization using 🤗 Transformers and Amazon SageMaker" - author: philschmid - thumbnail: /blog/assets/19_sagemaker_distributed_training_seq2seq/thumbnail.png date: April 8, 2021 tags: - guide @@ -184,17 +125,11 @@ - nlp - local: accelerate-library - title: Introducing 🤗 Accelerate - thumbnail: /blog/assets/20_accelerate_library/accelerate_diff.png - author: sgugger date: April 16, 2021 tags: - guide - local: bert-cpu-scaling-part-1 - title: "Scaling-up BERT Inference on CPU (Part 1)" - thumbnail: /blog/assets/21_bert_cpu_scaling_part_1/imgs/numa_set.png - author: mfuntowicz date: April 20, 2021 tags: - guide @@ -203,9 +138,6 @@ - intel - local: gradio - title: "Using & Mixing Hugging Face Models with Gradio 2.0" - author: abidlabs - thumbnail: /blog/assets/22_gradio/gradio.png guest: true date: May 25, 2021 tags: @@ -213,25 +145,18 @@ - guide - local: few-shot-learning-gpt-neo-and-inference-api - title: "Few-shot learning in practice: GPT-NEO and the 🤗 Accelerated Inference API" - author: philschmid - thumbnail: /blog/assets/22_few_shot_learning_gpt_neo_and_inference_api/few-shot-prompt.png date: June 3, 2021 tags: - guide - nlp - local: sentence-transformers-in-the-hub - title: "Sentence Transformers in the 🤗 Hub" - author: nreimers date: June 28, 2021 tags: - open-source-collab - nlp - local: deploy-hugging-face-models-easily-with-amazon-sagemaker - title: "Deploy Hugging Face models easily with Amazon SageMaker" - author: philschmid date: July 8, 2021 tags: - guide @@ -239,70 +164,46 @@ - aws - local: spacy - title: "Welcome spaCy to the 🤗 Hub" - author: osanseviero - thumbnail: /blog/assets/23_spacy/thumbnail.png date: July 13, 2021 tags: - open-source-collab - nlp - local: collaborative-training - title: "Deep Learning over the Internet: Training Language Models Collaboratively" - author: mryab guest: true - thumbnail: /blog/assets/24_sahajBERT/thumbnail.png date: July 15, 2021 tags: - research - local: hardware-partners-program - title: "Introducing Optimum: The Optimization Toolkit for Transformers at Scale" - author: mfuntowicz - thumbnail: /blog/assets/25_hardware_partners_program/carbon_inc_quantizer.png date: September 14, 2021 tags: - guide - local: graphcore - title: "Hugging Face and Graphcore partner for IPU-optimized Transformers" - author: sallydoherty guest: true - thumbnail: /blog/assets/26_graphcore-ipu/thumbnail.png date: September 14, 2021 tags: - graphcore - partnerships - local: summer-at-huggingface - title: "Summer at Hugging Face ☀️" - author: huggingface - thumbnail: /blog/assets/27_summer_at_huggingface/thumbnail.png date: September 24, 2021 tags: - community - local: gradio-spaces - title: "Showcase Your Projects in Spaces using Gradio" - author: merve - thumbnail: /blog/assets/28_gradio-spaces/thumbnail.png date: October 5, 2021 tags: - guide - local: streamlit-spaces - title: "Hosting your Models and Datasets on Hugging Face Spaces using Streamlit" - author: merve - thumbnail: /blog/assets/29_streamlit-spaces/thumbnail.png date: October 5, 2021 tags: - guide - local: fine-tune-clip-rsicd - title: "Fine tuning CLIP with Remote Sensing (Satellite) images and captions" - author: arampacha guest: true - thumbnail: /blog/assets/30_clip_rsicd/clip-rsicd-header-image.png date: October 13, 2021 tags: - community @@ -310,45 +211,30 @@ - nlp - local: the-age-of-ml-as-code - title: "The Age of Machine Learning As Code Has Arrived" - author: juliensimon - thumbnail: /blog/assets/31_age_of_ml_as_code/01_entreprise_ml.png date: October 20, 2021 tags: - analysis - local: 1b-sentence-embeddings - title: "Train a Sentence Embedding Model with 1B Training Pairs" - author: asi guest: true - thumbnail: /blog/assets/32_1b_sentence_embeddings/model.png date: October 25, 2021 tags: - community - nlp - local: large-language-models - title: "Large Language Models: A New Moore's Law?" - author: juliensimon - thumbnail: /blog/assets/33_large_language_models/01_model_size.jpg date: October 26, 2021 tags: - analysis - nlp - local: course-launch-event - title: "Course Launch Community Event" - author: sgugger - thumbnail: /blog/assets/34_course_launch/speakers_day1.png date: October 26, 2021 tags: - community - nlp - local: bert-cpu-scaling-part-2 - title: "Scaling up BERT-like model Inference on modern CPU - Part 2" - author: mfuntowicz - thumbnail: /blog/assets/35_bert_cpu_scaling_part_2/openmp.png date: November 4, 2021 tags: - partnerships @@ -357,35 +243,23 @@ - nlp - local: fine-tune-xlsr-wav2vec2 - title: "Fine-tuning XLS-R for Multi-Lingual ASR with 🤗 Transformers" - author: patrickvonplaten - thumbnail: /blog/assets/16_fine_tune_xlsr_wav2vec2/xlsr_wav2vec2.png date: November 15, 2021 tags: - guide - audio - local: accelerating-pytorch - title: "Accelerating PyTorch distributed fine-tuning with Intel technologies" - author: juliensimon - thumbnail: /blog/assets/36_accelerating_pytorch/03_two_nodes.png date: November 19, 2021 tags: - guide - local: data-measurements-tool - title: "Introducing the Data Measurements Tool: an Interactive Tool for Looking at Datasets" - author: sasha - thumbnail: /blog/assets/37_data-measurements-tool/basics_scroll.gif date: November 29, 2021 tags: - research - local: graphcore-getting-started - title: "Getting Started with Hugging Face Transformers for IPUs with Optimum" - author: internetoftim guest: true - thumbnail: /blog/assets/38_getting_started_graphcore/graphcore_1.png date: November 30, 2021 tags: - partnerships @@ -393,18 +267,12 @@ - guide - local: snowball-fight - title: "Introducing Snowball Fight ☃️, our First ML-Agents Environment" - author: ThomasSimonini - thumbnail: /blog/assets/39_introducing_snowball_fight/snowballfight.gif date: December 2, 2021 tags: - research - rl - local: codeparrot - title: "Training CodeParrot 🦜 from Scratch" - author: lvwerra - thumbnail: /blog/assets/40_codeparrot/thumbnail.png date: December 8, 2021 tags: - guide @@ -412,9 +280,6 @@ - nlp - local: perceiver - title: "Perceiver IO: a scalable, fully-attentional model that works on any modality" - author: nielsr - thumbnail: /blog/assets/41_perceiver/thumbnail.png date: December 15, 2021 tags: - research @@ -424,18 +289,12 @@ - cv - local: gradio-joins-hf - title: "Gradio joins Hugging Face!" - author: abidlabs - thumbnail: /blog/assets/42_gradio_joins_hf/thumbnail.png date: December 21, 2021 tags: - community - open-source-collab - local: autonlp-prodigy - title: "Active Learning with AutoNLP and Prodigy" - author: abhishek - thumbnail: /blog/assets/43_autonlp_prodigy/thumbnail.png date: December 23, 2021 tags: - research @@ -443,9 +302,6 @@ - nlp - local: gptj-sagemaker - title: "Deploy GPT-J 6B for inference using Hugging Face Transformers and Amazon SageMaker" - author: philschmid - thumbnail: /blog/assets/45_gptj_sagemaker/thumbnail.png date: January 11, 2022 tags: - partnerships @@ -454,9 +310,6 @@ - nlp - local: wav2vec2-with-ngram - title: "Boost Wav2Vec2 with n-gram LM in 🤗 Transformers" - author: patrickvonplaten - thumbnail: /blog/assets/44_boost_wav2vec2_ngram/wav2vec2_ngram.png date: January 12, 2022 tags: - research @@ -464,34 +317,22 @@ - audio - local: infinity-cpu-performance - title: "Case Study: Millisecond Latency using Hugging Face Infinity and modern CPUs" - author: philschmid - thumbnail: /blog/assets/46_infinity_cpu_performance/thumbnail.png date: January 13, 2022 tags: - analysis - local: sb3 - title: "Welcome Stable-baselines3 to the Hugging Face Hub 🤗" - author: ThomasSimonini - thumbnail: /blog/assets/47_sb3/thumbnail.png date: January 21, 2022 tags: - open-source-collab - rl - local: searching-the-hub - title: "Supercharged Searching on the Hugging Face Hub" - author: muellerzr - thumbnail: /blog/assets/48_hubsearch/thumbnail.png date: January 25, 2022 tags: - guide - local: asr-chunking - title: "Making automatic speech recognition work on large files with Wav2Vec2 in 🤗 Transformers" - author: Narsil - thumbnail: /blog/assets/49_asr_chunking/thumbnail.png date: February 1, 2022 tags: - guide @@ -499,9 +340,6 @@ - audio - local: sentiment-analysis-python - title: "Getting Started with Sentiment Analysis using Python" - author: FedericoPascual - thumbnail: /blog/assets/50_sentiment_python/thumbnail.png date: February 2, 2022 tags: - sentiment-analysis @@ -509,45 +347,30 @@ - guide - local: fine-tune-vit - title: "Fine-Tune ViT for Image Classification with 🤗 Transformers" - author: nateraw - thumbnail: /blog/assets/51_fine_tune_vit/vit-thumbnail.jpg date: February 11, 2022 tags: - guide - cv - local: bert-101 - title: "BERT 101 🤗 State Of The Art NLP Model Explained" - author: britneymuller - thumbnail: /blog/assets/52_bert_101/thumbnail.jpg date: March 2, 2022 tags: - guide - nlp - local: constrained-beam-search - title: "Guiding Text Generation with Constrained Beam Search in 🤗 Transformers" - author: cwkeam guest: true - thumbnail: /blog/assets/53_constrained_beam_search/thumbnail.png date: March 11, 2022 tags: - guide - nlp - local: image-search-datasets - title: "Image search with 🤗 datasets" - author: davanstrien - thumbnail: /blog/assets/54_image_search_datasets/spaces_image_search.jpg date: March 16, 2022 tags: - cv - local: bert-inferentia-sagemaker - title: "Accelerate BERT inference with Hugging Face Transformers and AWS inferentia" - author: philschmid - thumbnail: /blog/assets/55_bert_inferentia_sagemaker/thumbnail.png date: March 16, 2022 tags: - partnerships @@ -556,9 +379,6 @@ - nlp - local: fine-tune-segformer - title: "Fine-Tune a Semantic Segmentation Model with a Custom Dataset" - author: tobiasc - thumbnail: /blog/assets/56_fine_tune_segformer/thumb.png date: March 17, 2022 tags: - guide @@ -566,27 +386,18 @@ - cv - local: ai-residency - title: "Announcing the 🤗 AI Research Residency Program" - author: douwekiela - thumbnail: /blog/assets/57_ai_residency/residency-thumbnail.jpg date: March 22, 2022 tags: - community - research - local: meg-mitchell-interview - title: "Machine Learning Experts - Meg Mitchell Interview" - author: britneymuller - thumbnail: /blog/assets/57_meg_mitchell_interview/thumbnail.png date: March 23, 2022 tags: - expert-acceleration-program - ml-experts - local: decision-transformers - title: "Introducing Decision Transformers on Hugging Face 🤗" - author: edbeeching - thumbnail: /blog/assets/58_decision-transformers/thumbnail.jpg date: March 28, 2022 tags: - open-source-collab @@ -594,103 +405,67 @@ - rl - local: transformers-design-philosophy - title: "Don't repeat yourself - 🤗 Transformers Design Philosophy" - author: patrickvonplaten - thumbnail: /blog/assets/59_transformers_philosophy/transformers.png date: April 5, 2022 tags: - community - local: habana - title: "Habana Labs and Hugging Face Partner to Accelerate Transformer Model Training" - author: susanlansing - thumbnail: /blog/assets/60_habana/habana.png date: April 12, 2022 tags: - partnerships - local: lewis-tunstall-interview - title: "Machine Learning Experts - Lewis Tunstall Interview" - author: britneymuller - thumbnail: /blog/assets/60_lewis_tunstall_interview/thumbnail.png date: April 13, 2022 tags: - expert-acceleration-program - ml-experts - local: carbon-emissions-on-the-hub - title: "CO2 Emissions and the 🤗 Hub: Leading the Charge" - author: sasha - thumbnail: /blog/assets/60_carbon_emissions_on_the_hub/thumbnail.jpg date: April 22, 2022 tags: - community - guide - local: supercharge-customer-service-with-machine-learning - title: "Supercharged Customer Service with Machine Learning" - author: patrickvonplaten - thumbnail: /blog/assets/61_supercharged_customer_service_with_nlp/thumbnail.png date: April 25, 2022 tags: - guide - nlp - local: education - title: "Introducing Hugging Face for Education" - author: Violette - thumbnail: /blog/assets/61_education/thumbnail.png date: April 25, 2022 tags: - community - local: getting-started-habana - title: "Getting Started with Transformers on Habana Gaudi" - author: juliensimon - thumbnail: /blog/assets/61_getting_started_habana/thumbnail.png date: April 26, 2022 tags: - partnerships - guide - local: ml-director-insights - title: "Director of Machine Learning Insights [Series]" - author: britneymuller - thumbnail: /blog/assets/61_ml_director_insights/thumbnail.png date: April 27, 2022 tags: - community - research - local: opinion-classification-with-kili - title: "Opinion Classification with Kili and HuggingFace AutoTrain" - author: alperiox guest: true - thumbnail: /blog/assets/59_opinion-classification-with-kili/thumbnail.png date: April 28, 2022 tags: - guide - local: pytorch-fsdp - title: "Accelerate Large Model Training using PyTorch Fully Sharded Data Parallel" - author: smangrul - thumbnail: /blog/assets/62_pytorch_fsdp/fsdp-thumbnail.png date: May 2, 2022 tags: - guide - local: deep-rl-intro - title: "An Introduction to Deep Reinforcement Learning" - author: ThomasSimonini - thumbnail: /blog/assets/63_deep_rl_intro/thumbnail.png date: May 4, 2022 tags: - rl - local: fastai - title: "Welcome fastai to the Hugging Face Hub" - author: espejelomar - thumbnail: /blog/assets/64_fastai/fastai_hf_blog.png date: May 6, 2022 tags: - guide @@ -698,77 +473,50 @@ - community - local: series-c - title: "We Raised $100 Million for Open & Collaborative Machine Learning 🚀" - author: The Hugging Face Team - thumbnail: /blog/assets/65_series_c/thumbnail.jpg date: May 9, 2022 tags: - news - local: optimum-inference - title: "Accelerated Inference with Optimum and Transformers Pipelines" - author: philschmid - thumbnail: /blog/assets/66_optimum_inference/thumbnail.png date: May 10, 2022 tags: - guide - community - local: ambassadors - title: "Student Ambassador Program's call for applications is open!" - author: Violette - thumbnail: /blog/assets/67_ambassadors/thumbnail.png date: May 13, 2022 tags: - community - local: ml-director-insights-2 - title: "Director of Machine Learning Insights [Part 2: SaaS Edition]" - author: britneymuller - thumbnail: /blog/assets/67_ml_director_insights/thumbnail.png date: May 13, 2022 tags: - community - research - local: gradio-blocks - title: "Gradio 3.0 is Out!" - author: abidlabs - thumbnail: /blog/assets/68_gradio_blocks/block-party.png date: May 16, 2022 tags: - community - open-source-collab - local: fellowship - title: "Announcing the Hugging Face Fellowship Program" - author: espejelomar - thumbnail: /blog/assets/62_fellowship/fellowship-thumbnail.png date: May 17, 2022 tags: - community - local: sasha-luccioni-interview - title: "Machine Learning Experts - Sasha Luccioni Interview" - author: britneymuller - thumbnail: /blog/assets/69_sasha_luccioni_interview/thumbnail.png date: May 17, 2022 tags: - expert-acceleration-program - ml-experts - local: deep-rl-q-part1 - title: "An Introduction to Q-Learning Part 1" - author: ThomasSimonini - thumbnail: /blog/assets/70_deep_rl_q_part1/thumbnail.gif date: May 18, 2022 tags: - rl - local: ethical-charter-multimodal - title: "Putting ethical principles at the core of research lifecycle" - author: SaulLu - thumbnail: /blog/assets/71_ethical-charter/thumbnail.jpg date: May 19, 2022 tags: - research @@ -777,9 +525,6 @@ - cv - local: sempre-health-eap-case-study - title: "How Sempre Health is leveraging the Expert Acceleration Program to accelerate their ML roadmap" - author: federicopascual - thumbnail: /blog/assets/70_sempre_health/thumbnail.jpg date: May 19, 2022 tags: - expert-acceleration-program @@ -787,17 +532,11 @@ - case-studies - local: deep-rl-q-part2 - title: "An Introduction to Q-Learning Part 2" - author: ThomasSimonini - thumbnail: /blog/assets/73_deep_rl_q_part2/thumbnail.gif date: May 20, 2022 tags: - rl - local: tapex - title: "Efficient Table Pre-training without Real Data: An Introduction to TAPEX" - author: SivilTaram - thumbnail: /blog/assets/74_tapex/thumbnail.png guest: true date: May 23, 2022 tags: @@ -806,34 +545,22 @@ - community - local: community-update - title: "Introducing Pull Requests and Discussions 🥳" - author: victor - thumbnail: /blog/assets/76_community_update/thumbnail.png date: May 25, 2022 tags: - launch - local: graphcore-update - title: "Graphcore and Hugging Face Launch New Lineup of IPU-Ready Transformers" - author: sallydoherty - thumbnail: /blog/assets/77_graphcore-update/graphcore_update.png date: May 26, 2022 tags: - graphcore - partnerships - local: deep-rl-dqn - title: "Deep Q-Learning with Atari" - author: ThomasSimonini - thumbnail: /blog/assets/78_deep_rl_dqn/thumbnail.gif date: June 7, 2022 tags: - rl - local: annotated-diffusion - title: "The Annotated Diffusion Model" - author: nielsr - thumbnail: /blog/assets/78_annotated-diffusion/thumbnail.png date: June 7, 2022 tags: - guide @@ -841,18 +568,12 @@ - stable-diffusion - local: ml-director-insights-3 - title: "Director of Machine Learning Insights [Part 3: Finance Edition]" - author: britneymuller - thumbnail: /blog/assets/78_ml_director_insights/thumbnail.png date: June 14, 2022 tags: - community - research - local: intel - title: "Intel and Hugging Face Partner to Democratize Machine Learning Hardware Acceleration" - author: juliensimon - thumbnail: /blog/assets/80_intel/01.png date: June 15, 2022 tags: - hardware @@ -860,9 +581,6 @@ - guide - local: convert-transformers-to-onnx - title: "Convert Transformers to ONNX with Hugging Face Optimum" - author: philschmid - thumbnail: /blog/assets/81_convert_transformers_to_onnx/thumbnail.png date: June 22, 2022 tags: - guide @@ -870,18 +588,12 @@ - hardware - local: getting-started-with-embeddings - title: "Getting Started With Embeddings" - author: espejelomar - thumbnail: /blog/assets/80_getting_started_with_embeddings/thumbnail.png date: June 23, 2022 tags: - guide - nlp - local: eval-on-the-hub - title: "Announcing Evaluation on the Hub" - author: douwekiela - thumbnail: /blog/assets/82_eval_on_the_hub/thumbnail.png date: June 28, 2022 tags: - community @@ -889,33 +601,21 @@ - guide - local: accelerate-deepspeed - title: "Accelerate Large Model Training using DeepSpeed" - author: smangrul - thumbnail: /blog/assets/83_accelerate_deepspeed/deepspeed-thumbnail.png date: June 28, 2022 tags: - guide - local: your-first-ml-project - title: "Liftoff! How to get started with your first ML project 🚀" - author: nimaboscarino - thumbnail: /blog/assets/84_first_ml_project/thumbnail.png date: June 29, 2022 tags: - guide - local: deep-rl-pg - title: "Policy Gradient with PyTorch" - author: ThomasSimonini - thumbnail: /blog/assets/85_policy_gradient/thumbnail.gif date: June 30, 2022 tags: - rl - local: sentiment-analysis-twitter - title: "Getting Started with Sentiment Analysis on Twitter" - author: FedericoPascual - thumbnail: /blog/assets/85_sentiment_analysis_twitter/thumbnail.png date: July 7, 2022 tags: - sentiment-analysis @@ -923,9 +623,6 @@ - guide - local: bloom - title: "Introducing The World's Largest Open Multilingual Language Model: BLOOM" - author: BigScience - thumbnail: /blog/assets/86_bloom/thumbnail.png date: July 12, 2022 tags: - open-source-collab @@ -933,27 +630,18 @@ - research - local: playlist-generator - title: "Building a Playlist Generator with Sentence Transformers" - author: NimaBoscarino - thumbnail: /blog/assets/87_playlist_generator/thumbnail.png date: July 13, 2022 tags: - nlp - guide - local: bloom-megatron-deepspeed - title: "The Technology Behind BLOOM Training" - author: stas - thumbnail: /blog/assets/86_bloom_megatron_deepspeed/thumbnail.png date: July 14, 2022 tags: - nlp - llm - local: mnist-adversarial - title: "How to train your model dynamically using adversarial data" - author: chrisjay - thumbnail: /blog/assets/88_mnist_adversarial/mnist-adversarial.png date: July 16, 2022 tags: - mnist @@ -961,35 +649,23 @@ - guide - local: deep-rl-a2c - title: "Advantage Actor Critic (A2C)" - author: ThomasSimonini - thumbnail: /blog/assets/89_deep_rl_a2c/thumbnail.gif date: July 22, 2022 tags: - rl - local: tf-serving-vision - title: "Deploying TensorFlow Vision Models in Hugging Face with TF Serving" - author: sayakpaul - thumbnail: /blog/assets/90_tf_serving_vision/thumbnail.png date: July 25, 2022 tags: - guide - cv - local: tf-xla-generate - title: "Faster Text Generation with TensorFlow and XLA" - author: joaogante - thumbnail: /blog/assets/91_tf_xla_generate/thumbnail.png date: July 27, 2022 tags: - nlp - guide - local: datasets-docs-update - title: "Introducing new audio and vision documentation in 🤗 Datasets" - author: stevhliu - thumbnail: /blog/assets/87_datasets-docs-update/thumbnail.gif date: July 28, 2022 tags: - audio @@ -998,27 +674,18 @@ - announcement - local: us-national-ai-research-resource - title: "AI Policy @🤗: Comments on U.S. National AI Research Resource Interim Report" - author: irenesolaiman - thumbnail: /blog/assets/92_us_national_ai_research_resource/nairr_thumbnail.png date: August 1, 2022 tags: - community - ethics - local: nystromformer - title: "Nyströmformer, Approximating self-attention in linear time and memory via the Nyström method" - author: novice03 - thumbnail: /blog/assets/86_nystromformer/thumbnail.png date: August 2, 2022 tags: - research - nlp - local: introducing-private-hub - title: "Introducing the Private Hub: A New Way to Build With Machine Learning" - author: FedericoPascual - thumbnail: /blog/assets/92_introducing_private_hub/thumbnail.png date: August 3, 2022 tags: - announcement @@ -1026,35 +693,23 @@ - hub - local: deep-rl-ppo - title: "Proximal Policy Optimization (PPO)" - author: ThomasSimonini - thumbnail: /blog/assets/93_deep_rl_ppo/thumbnail.png date: August 5, 2022 tags: - rl - local: how-to-train-sentence-transformers - title: "Train and Fine-Tune Sentence Transformers Models" - author: espejelomar - thumbnail: /blog/assets/95_training_st_models/thumbnail.png date: August 10, 2022 tags: - guide - nlp - local: deploy-tfserving-kubernetes - title: "Deploying 🤗 ViT on Kubernetes with TF Serving" - author: chansung - thumbnail: /blog/assets/94_tf_serving_kubernetes/thumb.png date: August 11, 2022 tags: - guide - cv - local: tensorflow-philosophy - title: "Hugging Face's TensorFlow Philosophy" - author: rocketknight1 - thumbnail: /blog/assets/96_tensorflow_philosophy/thumbnail.png date: August 12, 2022 tags: - nlp @@ -1062,9 +717,6 @@ - guide - local: skops - title: Introducing Skops - author: merve - thumbnail: /blog/assets/94_skops/introducing_skops.png date: August 12, 2022 tags: - open-source-collab @@ -1073,9 +725,6 @@ - guide - local: hf-bitsandbytes-integration - title: "A Gentle Introduction to 8-bit Matrix Multiplication for transformers at scale using transformers, accelerate and bitsandbytes" - author: ybelkada - thumbnail: /blog/assets/96_hf_bitsandbytes_integration/Thumbnail_blue.png date: August 17, 2022 tags: - nlp @@ -1083,27 +732,18 @@ - quantization - local: vision-transformers - title: "Deep Dive: Vision Transformers On Hugging Face Optimum Graphcore" - author: juliensimon - thumbnail: /blog/assets/97_vision_transformers/thumbnail.jpg date: August 18, 2022 tags: - vision - graphcore - local: deploy-vertex-ai - title: "Deploying 🤗 ViT on Vertex AI" - author: sayakpaul - thumbnail: /blog/assets/97_vertex_ai/image1.png date: August 19, 2022 tags: - guide - cv - local: pretraining-bert - title: "Pre-Train BERT with Hugging Face Transformers and Habana Gaudi" - author: philschmid - thumbnail: /blog/assets/99_pretraining_bert/thumbnail.png date: August 22, 2022 tags: - nlp @@ -1111,9 +751,6 @@ - guide - local: stable_diffusion - title: "Stable Diffusion with 🧨 Diffusers" - author: valhalla - thumbnail: /blog/assets/98_stable_diffusion/thumbnail.png date: August 22, 2022 tags: - guide @@ -1125,33 +762,21 @@ - dalle - local: spaces_3dmoljs - title: "Visualize proteins on Hugging Face Spaces" - author: duerrsimon - thumbnail: /blog/assets/98_spaces_3dmoljs/thumbnail.png date: August 24, 2022 tags: - research - local: open_rail - title: "OpenRAIL: Towards open and responsible AI licensing frameworks" - author: CarlosMFerr - thumbnail: /blog/assets/100_open_rail/100_open-rail.png date: August 31, 2022 tags: - community - local: train-decision-transformers - title: "Train your first Decision Transformer" - author: edbeeching - thumbnail: /blog/assets/101_train-decision-transformers/thumbnail.gif date: September 08, 2022 tags: - rl - local: diffusers-2nd-month - title: "What's new in Diffusers? 🎨" - author: osanseviero - thumbnail: /blog/assets/102_diffusers_2nd_month/inpainting.png date: September 12, 2022 tags: - guide @@ -1160,18 +785,12 @@ - stable-diffusion - local: megatron-training - title: "How to train a Language Model with Megatron-LM" - author: loubnabnl - thumbnail: /blog/assets/100_megatron_training/thumbnail.png date: September 7, 2022 tags: - guide - nlp - local: bloom-inference-pytorch-scripts - title: "Incredibly Fast BLOOM Inference with DeepSpeed and Accelerate" - author: stas - thumbnail: /blog/assets/bloom-inference-pytorch-scripts/thumbnail.png date: Sep 16, 2022 tags: - nlp @@ -1180,26 +799,17 @@ - inference - local: ethics-soc-1 - title: "Ethics and Society Newsletter #1" - author: meg - thumbnail: /blog/assets/103_ethics-soc-1/thumbnail.png date: Sep 22, 2022 tags: - ethics - local: setfit - title: "SetFit: Efficient Few-Shot Learning Without Prompts" - author: Unso - thumbnail: /blog/assets/103_setfit/intel_hf_logo.png date: September 26, 2022 tags: - research - nlp - local: accelerate-large-models - title: "How 🤗 Accelerate runs very large models thanks to PyTorch" - author: sgugger - thumbnail: /blog/assets/104_accelerate-large-models/thumbnail.png date: September 27, 2022 tags: - guide @@ -1207,9 +817,6 @@ - open-source-collab - local: autotrain-image-classification - title: "Image Classification with AutoTrain" - author: NimaBoscarino - thumbnail: /blog/assets/105_autotrain-image-classification/thumbnail.png date: Sep 28, 2022 tags: - autotrain @@ -1217,9 +824,6 @@ - guide - local: zero-shot-eval-on-the-hub - title: "Very Large Language Models and How to Evaluate Them" - author: mathemakitten - thumbnail: /blog/assets/106_zero_shot_eval_on_the_hub/thumbnail.png date: Oct 3, 2022 tags: - autotrain @@ -1227,9 +831,6 @@ - nlp - local: japanese-stable-diffusion - title: "Japanese Stable Diffusion" - author: mkshing - thumbnail: /blog/assets/106_japanese_stable_diffusion/jsd_thumbnail.png date: Oct 5, 2022 tags: - diffusion @@ -1239,17 +840,11 @@ - stable-diffusion - local: introducing-doi - title: "Introducing DOI: the Digital Object Identifier to Datasets and Models" - author: sylvestre - thumbnail: /blog/assets/107_launching_doi/thumbnail.jpeg date: Oct 7, 2022 tags: - community - local: bloom-inference-optimization - title: "Optimization story: Bloom inference" - author: Narsil - thumbnail: /blog/assets/bloom-inference-pytorch-scripts/thumbnail.png date: Oct 12, 2022 tags: - open-source-collab @@ -1257,9 +852,6 @@ - research - local: stable_diffusion_jax - title: "Stable Diffusion in JAX/Flax 🚀" - author: pcuenq - thumbnail: /blog/assets/108_stable_diffusion_jax/thumbnail.png date: Oct 13, 2022 tags: - guide @@ -1271,9 +863,6 @@ - dalle - local: inference-endpoints - title: "Getting started with Hugging Face Inference Endpoints" - author: julsimon - thumbnail: /blog/assets/109_inference_endpoints/endpoints05.png date: Oct 14, 2022 tags: - guide @@ -1281,18 +870,12 @@ - inference - local: mteb - title: "MTEB: Massive Text Embedding Benchmark" - author: Muennighoff - thumbnail: /blog/assets/110_mteb/thumbnail.png date: Oct 19, 2022 tags: - nlp - research - llm - local: pytorch-ddp-accelerate-transformers - title: "From PyTorch DDP to 🤗 Accelerate to 🤗 Trainer, mastery of distributed training with ease" - author: muellerzr - thumbnail: /blog/assets/111_pytorch_ddp_accelerate_transformers/thumbnail.png date: October 21, 2022 tags: - guide @@ -1300,9 +883,6 @@ - open-source-collab - local: evaluating-llm-bias - title: "Evaluating Language Model Bias with 🤗 Evaluate" - author: sasha - thumbnail: /blog/assets/112_evaluating-llm-bias/thumbnail.png date: Oct 24, 2022 tags: - ethics @@ -1310,9 +890,6 @@ - nlp - local: openvino - title: "Accelerate your models with 🤗 Optimum Intel and OpenVINO" - author: echarlaix - thumbnail: /blog/assets/113_openvino/thumbnail.png date: November 2, 2022 tags: - hardware @@ -1320,18 +897,12 @@ - guide - local: fine-tune-whisper - title: "Fine-Tune Whisper with 🤗 Transformers" - author: sanchit-gandhi - thumbnail: /blog/assets/111_fine_tune_whisper/thumbnail.jpg date: Nov 3, 2022 tags: - guide - audio - local: dreambooth - title: "Training Stable Diffusion with Dreambooth using 🧨 Diffusers" - author: valhalla - thumbnail: /blog/assets/sd_dreambooth_training/thumbnail.jpg date: November 7, 2022 tags: - diffusers @@ -1341,17 +912,11 @@ - guide - local: pricing-update - title: "Introducing our new pricing" - author: sbrandeis - thumbnail: /blog/assets/114_pricing-update/thumbnail.png date: November 8, 2022 tags: - announcement - local: introducing-csearch - title: "Generating Human-level Text with Contrastive Search in Transformers 🤗" - author: yxuansu - thumbnail: /blog/assets/115_introducing_contrastive_search/thumbnail.png date: Nov 8, 2022 tags: - nlp @@ -1359,9 +924,6 @@ - research - local: sentiment-analysis-fhe - title: "Sentiment Classification with Fully Homomorphic Encryption using Concrete ML" - author: jfrery-zama - thumbnail: /blog/assets/sentiment-analysis-fhe/thumbnail.png date: November 17, 2022 tags: - guide @@ -1370,36 +932,24 @@ - FHE - local: arxiv - title: "Hugging Face Machine Learning Demos on arXiv" - author: abidlabs - thumbnail: /blog/assets/arxiv/thumbnail.png date: Nov 17, 2022 tags: - research - community - local: ml-director-insights-4 - title: "Director of Machine Learning Insights [Part 4]" - author: Violette - thumbnail: /blog/assets/78_ml_director_insights/part4.png date: November 23, 2022 tags: - community - research - local: inference-update - title: "An Overview of Inference Solutions on Hugging Face" - author: julsimon - thumbnail: /blog/assets/116_inference_update/widget.png date: Nov 21, 2022 tags: - guide - inference - local: document-ai - title: "Accelerating Document AI" - author: rajistics - thumbnail: /blog/assets/112_document-ai/thumbnail.png date: Nov 21, 2022 tags: - guide @@ -1407,9 +957,6 @@ - case-studies - local: diffusion-models-event - title: "Diffusion Models Live Event" - author: lewtun - thumbnail: /blog/assets/diffusion-models-event/thumbnail.png date: Nov 25, 2022 tags: - diffusion @@ -1420,18 +967,12 @@ - dalle - local: interns-2023 - title: "We are hiring interns!" - author: douwekiela - thumbnail: /blog/assets/interns-2023/thumbnail.png date: November 29, 2022 tags: - community - announcement - local: vq-diffusion - title: "VQ Diffusion with 🧨 Diffusers" - author: williamberman - thumbnail: /blog/assets/117_vq_diffusion/thumbnail.png date: November 30, 2022 tags: - diffusers @@ -1439,18 +980,12 @@ - text-to-image - local: time-series-transformers - title: "Probabilistic Time Series Forecasting with 🤗 Transformers" - author: nielsr - thumbnail: /blog/assets/118_time-series-transformers/thumbnail.png date: December 1, 2022 tags: - research - time-series - local: diffusers-coreml - title: "Using Stable Diffusion with Core ML on Apple Silicon" - author: pcuenq - thumbnail: /blog/assets/diffusers_coreml/thumbnail.png date: December 1, 2022 tags: - coreml @@ -1459,18 +994,12 @@ - diffusion - local: deep-learning-with-proteins - title: "Deep Learning with Proteins" - author: rocketknight1 - thumbnail: /blog/assets/119_deep_learning_with_proteins/folding_example.png date: December 2, 2022 tags: - guide - fine-tuning - local: elixir-bumblebee - title: "From GPT2 to Stable Diffusion: Hugging Face arrives to the Elixir community" - author: josevalim - thumbnail: /blog/assets/120_elixir-bumblebee/thumbnail.png date: December 9, 2022 tags: - elixir @@ -1480,9 +1009,6 @@ - open-source-collab - local: rlhf - title: "Illustrating Reinforcement Learning from Human Feedback (RLHF)" - author: natolambert - thumbnail: /blog/assets/120_rlhf/thumbnail.png date: December 9, 2022 tags: - rlhf @@ -1490,35 +1016,23 @@ - guide - local: habana-gaudi-2-benchmark - title: "Faster Training and Inference: Habana Gaudi®2 vs Nvidia A100 80GB" - author: regisss - thumbnail: /blog/assets/habana-gaudi-2-benchmark/thumbnail.png date: December 14, 2022 tags: - partnerships - habana - local: audio-datasets - title: "A Complete Guide to Audio Datasets" - author: sanchit-gandhi - thumbnail: /blog/assets/116_audio_datasets/thumbnail.jpg date: Dec 15, 2022 tags: - guide - audio - local: ethics-soc-2 - title: "Ethics and Society Newsletter #2: Let's talk about bias!" - author: yjernite - thumbnail: /blog/assets/122_ethics_soc_2/thumbnail-solstice.png date: Dec 15, 2022 tags: - ethics - local: model-cards - title: "Model Cards: Introducing HF Model documentation tools" - author: Ezi - thumbnail: /blog/assets/121_model-cards/thumbnail.png date: December 20, 2022 tags: - community @@ -1527,9 +1041,6 @@ - guide - local: clipseg-zero-shot - title: "Zero-shot image segmentation with CLIPSeg" - author: tobiasc - thumbnail: /blog/assets/123_clipseg-zero-shot/thumb.png date: December 21, 2022 tags: - guide @@ -1538,9 +1049,6 @@ - clip - local: intel-sapphire-rapids - title: "Accelerating PyTorch Transformers with Intel Sapphire Rapids, part 1" - author: juliensimon - thumbnail: /blog/assets/124_intel_sapphire_rapids/02.png date: January 2, 2023 tags: - guide @@ -1549,9 +1057,6 @@ - partnerships - local: ml-for-games-1 - title: "AI for Game Development: Creating a Farming Game in 5 Days. Part 1" - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/thumbnail.png date: January 2, 2023 tags: - community @@ -1560,9 +1065,6 @@ - game-dev - local: intro-graphml - title: "Introduction to Graph Machine Learning" - author: clefourrier - thumbnail: /blog/assets/125_intro-to-graphml/thumbnail.png date: January 3, 2023 tags: - community @@ -1570,9 +1072,6 @@ - graphs - local: ml-for-games-2 - title: "AI for Game Development: Creating a Farming Game in 5 Days. Part 2" - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/thumbnail2.png date: January 9, 2023 tags: - community @@ -1580,37 +1079,25 @@ - game-dev - local: image-similarity - title: "Image Similarity with Hugging Face Datasets and Transformers" - author: sayakpaul - thumbnail: /blog/assets/image_similarity/thumbnail.png date: Jan 16, 2023 tags: - guide - cv - local: paddlepaddle - title: "Welcome PaddlePaddle to the Hugging Face Hub" - author: paddlepaddle guest: true - thumbnail: /blog/assets/126_paddlepaddle/thumbnail.jpg date: January 17, 2023 tags: - open-source-collab - nlp - local: mask2former - title: "Universal Image Segmentation with Mask2Former and OneFormer" - author: nielsr - thumbnail: /blog/assets/127_mask2former/thumbnail.png date: Jan 19, 2023 tags: - cv - guide - local: ml-for-games-3 - title: "3D Asset Generation: AI for Game Development #3" - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/thumbnail3.png date: January 20, 2023 tags: - community @@ -1618,9 +1105,6 @@ - game-dev - local: optimum-onnxruntime-training - title: "Optimum+ONNX Runtime - Easier, Faster training for your Hugging Face models" - author: Jingya - thumbnail: /blog/assets/optimum_onnxruntime-training/thumbnail.png date: January 24, 2023 tags: - guide @@ -1628,9 +1112,6 @@ - onnxruntime - local: dialog-agents - title: "What Makes a Dialog Agent Useful?" - author: nazneen - thumbnail: /blog/assets/dialog-agents/thumbnail.png date: January 24, 2023 tags: - rlhf @@ -1640,9 +1121,6 @@ - sft - local: lora - title: "Using LoRA for Efficient Stable Diffusion Fine-Tuning" - author: pcuenq - thumbnail: /blog/assets/lora/thumbnail.png date: January 26, 2023 tags: - diffusers @@ -1652,9 +1130,6 @@ - guide - local: ml-for-games-4 - title: "2D Asset Generation: AI for Game Development #4" - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/thumbnail4.png date: January 26, 2023 tags: - community @@ -1662,9 +1137,6 @@ - game-dev - local: cv_state - title: "The State of Computer Vision at Hugging Face 🤗" - author: sayakpaul - thumbnail: /blog/assets/cv_state/thumbnail.png date: January 30, 2023 tags: - community @@ -1672,9 +1144,6 @@ - cv - local: vision_language_pretraining - title: "A Dive into Pretraining Strategies for Vision-Language Models" - author: adirik - thumbnail: /blog/assets/128_vision_language_pretraining/thumbnail.png date: February 03, 2023 tags: - cv @@ -1682,9 +1151,6 @@ - multimodal - local: intel-sapphire-rapids-inference - title: "Accelerating PyTorch Transformers with Intel Sapphire Rapids, part 2" - author: juliensimon - thumbnail: /blog/assets/129_intel_sapphire_rapids_inference/01.png date: February 6, 2023 tags: - guide @@ -1693,17 +1159,11 @@ - partnerships - local: aivsai - title: "Introducing ⚔️ AI vs. AI ⚔️ a deep reinforcement learning multi-agents competition system" - author: CarlCochet - thumbnail: /blog/assets/128_aivsai/thumbnail.png date: February 07, 2023 tags: - rl - local: ml-for-games-5 - title: "Generating Stories: AI for Game Development #5" - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/thumbnail5.png date: February 07, 2023 tags: - community @@ -1711,18 +1171,12 @@ - game-dev - local: speecht5 - title: "Speech Synthesis, Recognition, and More With SpeechT5" - author: Matthijs - thumbnail: /blog/assets/speecht5/thumbnail.png date: February 8, 2023 tags: - guide - audio - local: peft - title: "🤗 PEFT: Parameter-Efficient Fine-Tuning of Billion-Scale Models on Low-Resource Hardware" - author: smangrul - thumbnail: /blog/assets/130_peft/thumbnail.png date: February 10, 2023 tags: - guide @@ -1734,18 +1188,12 @@ - dreambooth - local: mantis-case-study - title: "Why we’re switching to Hugging Face Inference Endpoints, and maybe you should too" - author: mattupson guest: true - thumbnail: /blog/assets/78_ml_director_insights/mantis1.png date: February 15, 2023 tags: - case-studies - local: blip-2 - title: "Zero-shot image-to-text generation with BLIP-2" - author: MariaK - thumbnail: /blog/assets/blip-2/thumbnail.png date: February 15, 2023 tags: - guide @@ -1754,9 +1202,6 @@ - multimodal - local: aws-partnership - title: "Hugging Face and AWS partner to make AI more accessible" - author: jeffboudier - thumbnail: /blog/assets/131_aws-partnership/aws-partnership-thumbnail.png date: February 21, 2023 tags: - partnerships @@ -1765,9 +1210,6 @@ - cv - local: fast-mac-diffusers - title: "Swift Diffusers: Fast Stable Diffusion for Mac" - author: pcuenq - thumbnail: /blog/assets/fast-mac-diffusers/thumbnail.png date: February 24, 2023 tags: - coreml @@ -1776,9 +1218,6 @@ - diffusion - local: red-teaming - title: "Red-Teaming Large Language Models" - author: nazneen - thumbnail: /blog/assets/red-teaming/thumbnail.png date: February 24, 2023 tags: - llms @@ -1789,35 +1228,23 @@ - alignment - local: classification-use-cases - title: "How Hugging Face Accelerated Development of Witty Works Writing Assistant" - author: Violette - thumbnail: /blog/assets/78_ml_director_insights/witty-works.png date: March 1, 2023 tags: - nlp - case-studies - local: ethics-diffusers - title: "Ethical guidelines for developing the Diffusers library" - author: giadap - thumbnail: /blog/assets/ethics-diffusers/thumbnail.png date: March 2, 2023 tags: - ethics - diffusers - local: controlnet - title: "ControlNet in Diffusers 🧨" - author: sayakpaul - thumbnail: /blog/assets/controlnet/thumbnail.png date: March 3, 2023 tags: - diffusers - local: using-ml-for-disasters - title: "Using Machine Learning to Aid Survivors and Race through Time" - author: merve - thumbnail: /blog/assets/using-ml-for-disasters/thumbnail.png date: March 3, 2023 tags: - nlp @@ -1825,9 +1252,6 @@ - object-detection - local: vit-align - title: "New ViT and ALIGN Models From Kakao Brain" - author: adirik - thumbnail: /blog/assets/132_vit_align/thumbnail.png date: March 6, 2023 tags: - cv @@ -1836,9 +1260,6 @@ - multimodal - local: trl-peft - title: "Fine-tuning 20B LLMs with RLHF on a 24GB consumer GPU" - author: edbeeching - thumbnail: /blog/assets/133_trl_peft/thumbnail.png date: March 9, 2023 tags: - rl @@ -1846,9 +1267,6 @@ - nlp - local: informer - title: "Multivariate Probabilistic Time Series Forecasting with Informer" - author: elisim - thumbnail: /blog/assets/134_informer/thumbnail.png date: March 10, 2023 tags: - guide @@ -1856,18 +1274,12 @@ - time-series - local: notebooks-hub - title: "Jupyter X Hugging Face" - author: davanstrien - thumbnail: /blog/assets/135_notebooks-hub/before_after_notebook_rendering.png date: March 23, 2023 tags: - partnerships - announcement - local: train-your-controlnet - title: "Train your ControlNet with diffusers" - author: multimodalart - thumbnail: /blog/assets/136_train-your-controlnet/thumbnail.png date: March 24, 2023 tags: - guide @@ -1875,10 +1287,7 @@ - stable-diffusion - local: fl-with-flower - title: "Federated Learning using Hugging Face and Flower" - author: charlesbvll guest: true - thumbnail: /blog/assets/fl-with-flower/thumbnail.png date: March 27, 2023 tags: - nlp @@ -1890,9 +1299,6 @@ - open-source-collab - local: stable-diffusion-inference-intel - title: "Accelerating Stable Diffusion Inference on Intel CPUs" - author: juliensimon - thumbnail: /blog/assets/136_stable_diffusion_inference_intel/01.png date: March 28, 2023 tags: - hardware @@ -1900,9 +1306,6 @@ - guide - local: habana-gaudi-2-bloom - title: "Fast Inference on Large Language Models: BLOOMZ on Habana Gaudi2 Accelerator" - author: regisss - thumbnail: /blog/assets/habana-gaudi-2-bloom/thumbnail.png date: March 28, 2023 tags: - habana @@ -1914,17 +1317,11 @@ - inference - local: ethics-soc-3 - title: "Ethics and Society Newsletter #3: Ethical Openness at Hugging Face" - author: irenesolaiman - thumbnail: /blog/assets/137_ethics_soc_3/ethics_3_thumbnail.png date: Mar 30, 2023 tags: - ethics - local: stackllama - title: "StackLLaMA: A hands-on guide to train LLaMA with RLHF" - author: edbeeching - thumbnail: /blog/assets/138_stackllama/thumbnail.png date: April 5, 2023 tags: - rl @@ -1932,17 +1329,11 @@ - nlp - local: snorkel-case-study - title: "Snorkel AI x Hugging Face: unlock foundation models for enterprises" - author: Violette - thumbnail: /blog/assets/78_ml_director_insights/snorkel.png date: April 6, 2023 tags: - case-studies - local: owkin-substra - title: "Creating Privacy Preserving AI with Substra" - author: EazyAl - thumbnail: /blog/assets/139_owkin-substra/thumbnail.png date: April 12, 2023 tags: - cv @@ -1951,9 +1342,6 @@ - open-source-collab - local: graphml-classification - title: "Graph Classification with Transformers" - author: clefourrier - thumbnail: /blog/assets/125_intro-to-graphml/thumbnail_classification.png date: April 14, 2023 tags: - community @@ -1961,9 +1349,6 @@ - graphs - local: accelerate-transformers-with-inferentia2 - title: "Accelerating Hugging Face Transformers with AWS Inferentia2" - author: philschmid - thumbnail: /blog/assets/140_accelerate_transformers_with_inferentia2/thumbnail.png date: April 17, 2023 tags: - partnerships @@ -1972,9 +1357,6 @@ - cv - local: unity-in-spaces - title: "How to host a Unity game in a Space" - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/unity-in-spaces-thumbnail.png date: April 21, 2023 tags: - community @@ -1982,27 +1364,18 @@ - game-dev - local: chinese-language-blog - title: "Introducing HuggingFace blog for Chinese speakers: Fostering Collaboration with the Chinese AI community" - author: xianbao - thumbnail: /blog/assets/chinese-language-blog/thumbnail.png date: April 24, 2023 tags: - partnerships - community - local: databricks-case-study - title: "Databricks ❤️ Hugging Face: up to 40% faster training and tuning of Large Language Models" - author: alighodsi guest: true - thumbnail: /blog/assets/78_ml_director_insights/databricks.png date: April 26, 2023 tags: - case-studies - local: tf_tpu - title: "Training a language model with 🤗 Transformers using TensorFlow and TPUs" - author: rocketknight1 - thumbnail: /blog/assets/tf_tpu_training/thumbnail.png date: April 27, 2023 tags: - nlp @@ -2011,18 +1384,12 @@ - tpu - local: if - title: "Running IF with 🧨 diffusers on a Free Tier Google Colab" - author: williamberman - thumbnail: /blog/assets/if/thumbnail.jpg date: April 26, 2023 tags: - guide - diffusion - local: unity-api - title: "How to Install and Use the Hugging Face Unity API" - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/unity-api-thumbnail.png date: May 1, 2023 tags: - community @@ -2030,9 +1397,6 @@ - game-dev - local: starcoder - title: "StarCoder: A State-of-the-Art LLM for Code" - author: lvwerra - thumbnail: /blog/assets/141_starcoder/starcoder_thumbnail.png date: May 4, 2023 tags: - nlp @@ -2040,9 +1404,6 @@ - research - local: text-to-video - title: "A Dive into Text-to-Video Models" - author: adirik - thumbnail: /blog/assets/140_text-to-video/thumbnail.png date: May 8, 2023 tags: - multi-modal @@ -2053,9 +1414,6 @@ - text-to-video - local: starchat-alpha - title: "Creating a Coding Assistant with StarCoder" - author: lewtun - thumbnail: /blog/assets/starchat_alpha/thumbnail.png date: May 9, 2023 tags: - nlp @@ -2063,18 +1421,12 @@ - research - local: assisted-generation - title: "Assisted Generation: a new direction toward low-latency text generation" - author: joaogante - thumbnail: /blog/assets/assisted-generation/thumbnail.png date: May 11, 2023 tags: - nlp - research - local: rwkv - title: "Introducing RWKV — An RNN with the advantages of a transformer" - author: BlinkDL - thumbnail: /blog/assets/142_rwkv/rwkv_thumbnail.png date: May 15, 2023 tags: - nlp @@ -2082,9 +1434,6 @@ - research - local: chatbot-amd-gpu - title: "Run a Chatgpt-like Chatbot on a Single GPU with ROCm" - thumbnail: /blog/assets/chatbot-amd-gpu/thumbnail.png - author: andyll7772 date: May 15, 2023 tags: - guide @@ -2094,9 +1443,6 @@ - rocm - local: generative-ai-models-on-intel-cpu - title: "Smaller is better: Q8-Chat, an efficient generative AI experience on Xeon" - thumbnail: /blog/assets/143_q8chat/thumbnail.png - author: andyll7772 date: May 16, 2023 tags: - llm @@ -2106,19 +1452,13 @@ - quantization - local: dedup - title: "Large-scale Near-deduplication Behind BigCode" - author: chenghao guest: true - thumbnail: /blog/assets/dedup/thumbnail.png date: May 16, 2023 tags: - bigcode - deduplication - local: instruction-tuning-sd - title: "Instruction-tuning Stable Diffusion with InstructPix2Pix" - author: sayakpaul - thumbnail: /blog/assets/instruction_tuning_sd/thumbnail.png date: May 23, 2023 tags: - diffusers @@ -2128,9 +1468,6 @@ - guide - local: safetensors-security-audit - title: "Safetensors audited as really safe and becoming the default" - author: Narsil - thumbnail: /blog/assets/142_safetensors_official/thumbnail.png date: May 23, 2023 tags: - pickle @@ -2138,9 +1475,6 @@ - load times - local: huggingface-and-ibm - title: "Hugging Face and IBM partner on watsonx.ai, the next-generation enterprise studio for AI builders" - author: juliensimon - thumbnail: /blog/assets/144_ibm/01.png date: May 23, 2023 tags: - cloud @@ -2148,9 +1482,6 @@ - partnership - local: hugging-face-endpoints-on-azure - title: "Hugging Face Collaborates with Microsoft to Launch Hugging Face Model Catalog on Azure" - author: philschmid - thumbnail: /blog/assets/75_hugging_face_endpoints_on_azure/01.jpg date: May 24, 2023 tags: - cloud @@ -2158,9 +1489,6 @@ - partnership - local: 4bit-transformers-bitsandbytes - title: "Making LLMs even more accessible with bitsandbytes, 4-bit quantization and QLoRA" - author: ybelkada - thumbnail: /blog/assets/96_hf_bitsandbytes_integration/Thumbnail_blue.png date: May 24, 2023 tags: - transformers @@ -2169,9 +1497,6 @@ - 4bit - local: train-optimize-sd-intel - title: "Optimizing Stable Diffusion for Intel CPUs with NNCF and 🤗 Optimum" - author: AlexKoff88 - thumbnail: /blog/assets/train_optimize_sd_intel/thumbnail.png date: May 25, 2023 tags: - diffusers @@ -2181,9 +1506,6 @@ - quantization - local: bertopic - title: "Introducing BERTopic Integration with Hugging Face Hub" - author: davanstrien - thumbnail: /blog/assets/145_bertopic/logo.png date: May 31, 2023 tags: - guide @@ -2191,9 +1513,6 @@ - community - local: sagemaker-huggingface-llm - title: "Introducing the Hugging Face LLM Inference Container for Amazon SageMaker" - author: philschmid - thumbnail: /blog/assets/145_sagemaker-huggingface-llm/thumbnail.jpg date: May 31, 2023 tags: - cloud @@ -2202,25 +1521,16 @@ - guide - local: cnil - title: "Hugging Face Selected for the French Data Protection Agency Enhanced Support Program" - author: yjernite - thumbnail: /blog/assets/146_cnil-accompaniment/logo.png date: May 15, 2023 tags: - ethics - local: game-jam - title: "Announcing the Open Source AI Game Jam 🎮" - author: ThomasSimonini - thumbnail: /blog/assets/145_gamejam/thumbnail.png date: June 1, 2023 tags: - community - local: unity-asr - title: "AI Speech Recognition in Unity" - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/unity-asr-thumbnail.png date: June 2, 2023 tags: - community @@ -2228,9 +1538,6 @@ - game-dev - local: falcon - title: "The Falcon has landed in the Hugging Face ecosystem" - author: lvwerra - thumbnail: /blog/assets/147_falcon/falcon_thumbnail.jpg date: June 5, 2023 tags: - nlp @@ -2238,9 +1545,6 @@ - research - local: fasttext - title: "Welcome fastText to the 🤗 Hub" - author: sheonhan - thumbnail: /blog/assets/147_fasttext/thumbnail.png date: June 6, 2023 tags: - open-source-collab @@ -2248,26 +1552,17 @@ - partnerships - local: hub-duckdb - title: "DuckDB: run SQL queries on 50,000+ datasets on the Hugging Face Hub" - author: stevhliu - thumbnail: /blog/assets/hub_duckdb/hub_duckdb.png date: June 7, 2023 tags: - guide - local: hf-hub-glam-guide - title: "The Hugging Face Hub for Galleries, Libraries, Archives and Museums" - author: davanstrien - thumbnail: /blog/assets/144_hf_hub_glam_guide/thumbnail.png date: June 12, 2023 tags: - community - guide - local: open-llm-leaderboard-rlhf - title: "Can foundation models label data like humans?" - author: nazneen - thumbnail: /blog/assets/llm-leaderboard/leaderboard-thumbnail.png date: June 12, 2023 tags: - nlp @@ -2275,9 +1570,6 @@ - leaderboard - local: huggingface-and-amd - title: "Hugging Face and AMD partner on accelerating state-of-the-art models for CPU and GPU platforms" - author: juliensimon - thumbnail: /blog/assets/148_huggingface_amd/01.png date: June 13, 2023 tags: - hardware @@ -2285,18 +1577,12 @@ - partnership - local: content-guidelines-update - title: "Announcing our new Content Guidelines and Policy" - author: giadap - thumbnail: /blog/assets/content-guidelines-blogpost/thumbnail.png date: June 15, 2023 tags: - community - ethics - local: livebook-app-deployment - title: "Deploy Livebook notebooks as apps to Hugging Face Spaces" - author: josevalim - thumbnail: /blog/assets/120_elixir-bumblebee/thumbnail.png date: Jun 15, 2023 tags: - elixir @@ -2305,9 +1591,6 @@ - whisper - local: fast-diffusers-coreml - title: "Faster Stable Diffusion with Core ML on iPhone, iPad, and Mac" - author: pcuenq - thumbnail: /blog/assets/149_fast_diffusers_coreml/thumbnail.png date: June 15, 2023 tags: - coreml @@ -2317,9 +1600,6 @@ - quantization - local: autoformer - title: "Yes, Transformers are Effective for Time Series Forecasting (+ Autoformer)" - author: elisim - thumbnail: /blog/assets/150_autoformer/thumbnail.png date: June 16, 2023 tags: - guide @@ -2327,27 +1607,18 @@ - time-series - local: policy-ntia-rfc - title: "AI Policy @🤗: Response to the U.S. NTIA's Request for Comment on AI Accountability" - author: yjernite - thumbnail: /blog/assets/151_policy_ntia_rfc/us_policy_thumbnail.png date: June 20, 2023 tags: - community - ethics - local: mms_adapters - title: "Fine-tuning MMS Adapter Models for Multi-Lingual ASR" - author: patrickvonplaten - thumbnail: /blog/assets/151_mms/mms_map.png date: June 19, 2023 tags: - audio - research - local: panel-on-hugging-face - title: "Panel on Hugging Face" - author: sophiamyang - thumbnail: /blog/assets/panel-on-hugging-face/thumbnail.png date: June 22, 2023 tags: - open-source-collab @@ -2358,9 +1629,6 @@ - apps - local: open-llm-leaderboard-mmlu - title: "What's going on with the Open LLM Leaderboard?" - author: clefourrier - thumbnail: /blog/assets/evaluating-mmlu-leaderboard/thumbnail.png date: June 23, 2023 tags: - community @@ -2371,17 +1639,11 @@ - leaderboard - local: ethics-soc-4 - title: "Ethics and Society Newsletter #4: Bias in Text-to-Image Models" - author: sasha - thumbnail: /blog/assets/152_ethics_soc_4/ethics_4_thumbnail.png date: June 26, 2023 tags: - ethics - local: bridgetower - title: "Accelerating Vision-Language Models: BridgeTower on Habana Gaudi2" - author: regisss - thumbnail: /blog/assets/bridgetower/thumbnail.png date: June 29, 2023 tags: - partnerships @@ -2391,17 +1653,11 @@ - hardware - local: writer-case-study - title: "Leveraging Hugging Face for complex generative AI use cases" - author: jeffboudier - thumbnail: /blog/assets/78_ml_director_insights/writer.png date: July 1, 2023 tags: - case-studies - local: text-to-webapp - title: "Making a web app generator with open ML models" - author: jbilcke-hf - thumbnail: /blog/assets/153_text_to_webapp/thumbnail.jpg date: July 3, 2023 tags: - guide @@ -2409,9 +1665,6 @@ - apps - local: inference-endpoints-llm - title: "Deploy LLMs with Hugging Face Inference Endpoints" - author: philschmid - thumbnail: /blog/assets/155_inference_endpoints_llm/thumbnail.jpg date: July 4, 2023 tags: - guide @@ -2420,9 +1673,6 @@ - inference - local: ml-web-games - title: "Making ML-powered web games with Transformers.js" - author: Xenova - thumbnail: /blog/assets/ml-web-games/thumbnail.png date: July 5, 2023 tags: - game-dev @@ -2432,9 +1682,6 @@ - transformers.js - local: stable-diffusion-finetuning-intel - title: "Fine-tuning Stable Diffusion models on Intel CPUs" - author: juliensimon - thumbnail: /blog/assets/stable-diffusion-finetuning-intel/dicoo_image.png date: July 14, 2023 tags: - guide @@ -2443,9 +1690,6 @@ - partnerships - local: os-llms - title: "Open-Source Text Generation & LLM Ecosystem at Hugging Face" - author: merve - thumbnail: /blog/assets/os_llms/thumbnail.png date: July 17, 2023 tags: - LLM @@ -2453,18 +1697,12 @@ - nlp - local: ai-webtv - title: "Building an AI WebTV" - author: jbilcke-hf - thumbnail: /blog/assets/156_ai_webtv/thumbnail.gif date: July 17, 2023 tags: - text-to-video - guide - local: llama2 - title: "Llama 2 is here - get it on Hugging Face" - author: osanseviero - thumbnail: /blog/assets/llama2/thumbnail.jpg date: July 18, 2023 tags: - nlp @@ -2473,9 +1711,6 @@ - LLM - local: diffusers-turns-1 - title: "Happy 1st anniversary 🤗 Diffusers!" - author: stevhliu - thumbnail: /blog/assets/diffusers-turns-1/diffusers-turns-1.png date: July 20, 2023 tags: - community @@ -2484,17 +1719,11 @@ - diffusers - local: game-jam-first-edition-results - title: "Results of the Open Source AI Game Jam" - author: ThomasSimonini - thumbnail: /blog/assets/game-jam-first-edition-results/thumbnail.jpg date: July 21, 2023 tags: - game-dev - local: agents-js - title: "Introducing Agents.js: Give tools to your LLMs using JavaScript" - author: nsarrazin - thumbnail: /blog/assets/agents-js/thumbnail.png date: July 24, 2023 tags: - agents @@ -2502,17 +1731,11 @@ - web - local: eu-ai-act-oss - title: "AI Policy @🤗: Open ML Considerations in the EU AI Act" - author: yjernite - thumbnail: /blog/assets/eu_ai_act_oss/thumbnailEU.png date: July 24, 2023 tags: - ethics - local: stable-diffusion-xl-coreml - title: "Stable Diffusion XL on Mac with Advanced Core ML Quantization" - author: pcuenq - thumbnail: /blog/assets/stable-diffusion-xl-coreml/thumbnail.png date: July 27, 2023 tags: - coreml @@ -2521,10 +1744,7 @@ - diffusers - local: sd_distillation - title: "Open-sourcing Knowledge Distillation Code and Weights of SD-Small and SD-Tiny" - author: harishsegmind guest: true - thumbnail: /blog/assets/distill_sd/thumbnail.png date: August 1, 2023 tags: - stable-diffusion @@ -2532,9 +1752,6 @@ - diffusers - local: 3d-assets - title: "Practical 3D Asset Generation: A Step-by-Step Guide" - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/thumbnail-3d.jpg date: August 01, 2023 tags: - community @@ -2544,10 +1761,7 @@ - game-dev - local: encrypted-llm - title: "Towards Encrypted Large Language Models with FHE" - author: RomanBredehoft guest: true - thumbnail: /blog/assets/encrypted-llm/thumbnail.png date: August 02, 2023 tags: - guide @@ -2557,27 +1771,18 @@ - llm - local: huggy-lingo - title: "Huggy Lingo: Using Machine Learning to Improve Language Metadata on the Hugging Face Hub" - author: davanstrien - thumbnail: /blog/assets/156_huggylingo/Huggy_Lingo.png date: August 2, 2023 tags: - announcement - research - local: run-musicgen-as-an-api - title: "Deploy MusicGen in no time with Inference Endpoints" - author: reach-vb - thumbnail: /blog/assets/run-musicgen-as-an-api/thumbnail.png date: August 4, 2023 tags: - audio - guide - local: swift-coreml-llm - title: "Releasing Swift Transformers: Run On-Device LLMs in Apple Devices" - author: pcuenq - thumbnail: /blog/assets/swift-coreml-llm/thumbnail.png date: August 8, 2023 tags: - guide @@ -2586,9 +1791,6 @@ - swift - local: dpo-trl - title: "Fine-tune Llama 2 with DPO" - author: kashif - thumbnail: /blog/assets/157_dpo_trl/dpo_thumbnail.png date: August 8, 2023 tags: - rl @@ -2596,10 +1798,7 @@ - nlp - local: deploy-deepfloydif-using-bentoml - title: "Deploying Hugging Face Models with BentoML: DeepFloyd IF in Action" - author: Sherlockk guest: true - thumbnail: /blog/assets/deploy-deepfloydif-using-bentoml/thumbnail.png date: August 9, 2023 tags: - deployment @@ -2609,9 +1808,6 @@ - diffusers - local: optimizing-bark - title: "Optimizing Bark using 🤗 Transformers" - author: ylacombe - thumbnail: /blog/assets/bark_optimization/thumbnail.png date: August 9, 2023 tags: - text-to-speech @@ -2620,9 +1816,6 @@ - bark - local: aws-marketplace - title: "Hugging Face Platform on the AWS Marketplace: Pay with your AWS Account" - author: philschmid - thumbnail: /blog/assets/158_aws_marketplace/thumbnail.jpg date: August 10, 2023 tags: - guide @@ -2631,9 +1824,6 @@ - aws - local: idefics - title: "Introducing IDEFICS: An Open Reproduction of State-of-the-art Visual Language Model" - author: VictorSanh - thumbnail: /blog/assets/idefics/thumbnail.png date: August 22, 2023 tags: - research @@ -2641,9 +1831,6 @@ - cv - local: safecoder - title: "Introducing SafeCoder" - author: jeffboudier - thumbnail: /blog/assets/159_safecoder/thumbnail.jpg date: August 22, 2023 tags: - announcement @@ -2652,9 +1839,6 @@ - bigcode - local: gptq-integration - title: "Making LLMs lighter with AutoGPTQ and transformers" - author: marcsun13 - thumbnail: /blog/assets/159_autogptq_transformers/thumbnail.jpg date: August 23, 2023 tags: - llm @@ -2662,18 +1846,12 @@ - quantization - local: password-git-deprecation - title: "Deprecation of Git Authentication using password" - author: Sylvestre - thumbnail: /blog/assets/password-git-deprecation/thumbnail.png date: August 25, 2023 tags: - announcement - security - local: codellama - title: "Code Llama: Llama 2 learns to code" - author: philschmid - thumbnail: /blog/assets/160_codellama/thumbnail.jpg date: August 25, 2023 tags: - nlp @@ -2682,9 +1860,6 @@ - LLM - local: audioldm2 - title: "AudioLDM 2, but faster ⚡️" - author: sanchit-gandhi - thumbnail: /blog/assets/161_audioldm2/thumbnail.png date: Aug 30, 2023 tags: - guide @@ -2693,17 +1868,11 @@ - diffusion - local: fetch-case-study - title: "Fetch Cuts ML Processing Latency by 50% Using Amazon SageMaker & Hugging Face" - author: Violette - thumbnail: /blog/assets/78_ml_director_insights/fetch.png date: September 1, 2023 tags: - case-studies - local: falcon-180b - title: "Spread Your Wings: Falcon 180B is here" - author: philschmid - thumbnail: /blog/assets/162_falcon_180b/thumbnail.jpg date: September 6, 2023 tags: - nlp @@ -2712,10 +1881,7 @@ - LLM - local: t2i-sdxl-adapters - title: "Efficient Controllable Generation for SDXL with T2I-Adapters" - author: Adapter guest: true - thumbnail: /blog/assets/t2i-sdxl-adapters/thumbnail.png date: September 8, 2023 tags: - guide @@ -2724,17 +1890,11 @@ - diffusion - local: safecoder-vs-closed-source-code-assistants - title: "SafeCoder vs. Closed-source Code Assistants" - author: julsimon - thumbnail: /blog/assets/safecoder-vs-closed-source-code-assistants/image.png date: September 11, 2023 tags: - bigcode - local: overview-quantization-transformers - title: "Overview of natively supported quantization schemes in 🤗 Transformers" - author: ybelkada - thumbnail: /blog/assets/163_overview_quantization_transformers/thumbnail.jpg date: September 12, 2023 tags: - llm @@ -2745,9 +1905,6 @@ - gptq - local: ram-efficient-pytorch-fsdp - title: "Fine-tuning Llama 2 70B using PyTorch FSDP" - author: smangrul - thumbnail: /blog/assets/160_fsdp_llama/thumbnail.jpg date: September 13, 2023 tags: - llm @@ -2755,9 +1912,6 @@ - nlp - local: wuerstchen - title: "Introducing Würstchen: Fast Diffusion for Image Generation" - author: dome272 - thumbnail: /blog/assets/wuerstchen/thumbnail.jpg date: September 13, 2023 tags: - diffusion @@ -2765,9 +1919,6 @@ - text-to-image - local: optimize-llm - title: "Optimizing your LLM in production" - author: patrickvonplaten - thumbnail: /blog/assets/163_optimize_llm/optimize_llm.png date: Sep 15, 2023 tags: - nlp @@ -2775,10 +1926,7 @@ - LLM - local: object-detection-leaderboard - title: "Object Detection Leaderboard" - author: rafaelpadilla guest: true - thumbnail: /blog/assets/object-detection-leaderboard/thumbnail.png date: September 18, 2023 tags: - community @@ -2788,9 +1936,6 @@ - evaluation - local: gaussian-splatting - title: "Introduction to 3D Gaussian Splatting" - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/thumbnail-gaussian-splatting.png date: September 18, 2023 tags: - community @@ -2799,18 +1944,12 @@ - game-dev - local: rocketmoney-case-study - title: "Rocket Money x Hugging Face: Scaling Volatile ML Models in Production" - author: nicokuzak guest: true - thumbnail: /blog/assets/78_ml_director_insights/rocketmoney.png date: September 19, 2023 tags: - case-studies - local: inference-pro - title: "Inference for PROs" - author: osanseviero - thumbnail: /blog/assets/inference_pro/thumbnail.png date: September 22, 2023 tags: - community @@ -2821,9 +1960,6 @@ - stable-diffusion - local: llama-sagemaker-benchmark - title: "Llama 2 on Amazon SageMaker a Benchmark" - author: philschmid - thumbnail: /blog/assets/llama_sagemaker_benchmark/thumbnail.jpg date: September 26, 2023 tags: - guide @@ -2832,9 +1968,6 @@ - aws - local: Llama2-for-non-engineers - title: "Non-engineers guide: Train a LLaMA 2 chatbot" - author: 2legit2overfit - thumbnail: /blog/assets/78_ml_director_insights/tuto.png date: September 28, 2023 tags: - guide @@ -2842,10 +1975,7 @@ - nlp - local: trl-ddpo - title: "Finetune Stable Diffusion Models with DDPO via TRL" - author: metric-space guest: true - thumbnail: /blog/assets/166_trl_ddpo/thumbnail.png date: September 29, 2023 tags: - guide @@ -2854,17 +1984,11 @@ - rlhf - local: ethics-soc-5 - title: "Ethics and Society Newsletter #5: Hugging Face Goes To Washington and Other Summer 2023 Musings" - author: meg - thumbnail: /blog/assets/164_ethics-soc-5/thumbnail.png date: September 29, 2023 tags: - ethics - local: ai-comic-factory - title: "Deploying the AI Comic Factory using the Inference API" - author: jbilcke-hf - thumbnail: /blog/assets/165_ai_comic_factory/thumbnail.jpg date: October 2, 2023 tags: - guide @@ -2874,9 +1998,6 @@ - stable-diffusion - local: chat-templates - title: "Chat Templates: An End to the Silent Performance Killer" - author: rocketknight1 - thumbnail: /blog/assets/chat-templates/thumbnail.png date: October 3, 2023 tags: - LLM @@ -2884,9 +2005,6 @@ - community - local: sdxl_jax - title: "Accelerating Stable Diffusion XL Inference with JAX on Cloud TPU v5e" - author: pcuenq - thumbnail: /blog/assets/sdxl-jax/thumbnail.jpg date: October 3, 2023 tags: - sdxl @@ -2897,9 +2015,6 @@ - google - local: ort-accelerating-hf-models - title: "Accelerating over 130,000 Hugging Face models with ONNX Runtime" - author: sschoenmeyer - thumbnail: /blog/assets/ort_accelerating_hf_models/thumbnail.png date: October 4, 2023 tags: - open-source-collab @@ -2908,9 +2023,6 @@ - inference - local: gradio-lite - title: "Gradio-Lite: Serverless Gradio Running Entirely in Your Browser" - author: abidlabs - thumbnail: /blog/assets/167_gradio_lite/thumbnail.png date: October 19, 2023 tags: - gradio @@ -2918,9 +2030,6 @@ - serverless - local: simple_sdxl_optimizations - title: "Exploring simple optimizations for SDXL" - author: sayakpaul - thumbnail: /blog/assets/simple_sdxl_optimizations/thumbnail.png date: October 24, 2023 tags: - diffusers @@ -2928,9 +2037,6 @@ - sdxl - local: the_n_implementation_details_of_rlhf_with_ppo - title: "The N Implementation Details of RLHF with PPO" - author: vwxyzjn - thumbnail: /blog/assets/167_the_n_implementation_details_of_rlhf_with_ppo/thumbnail.png date: October 24, 2023 tags: - research @@ -2938,9 +2044,6 @@ - rlhf - local: inference-endpoints-embeddings - title: "Deploy Embedding Models with Hugging Face Inference Endpoints" - author: philschmid - thumbnail: /blog/assets/168_inference_endpoints_embeddings/thumbnail.jpg date: October 24, 2023 tags: - guide @@ -2949,9 +2052,6 @@ - inference - local: scalable-data-inspection - title: "Interactively explore your Huggingface dataset with one line of code" - author: sps44 - thumbnail: /blog/assets/scalable-data-inspection/thumbnail.png date: October 25, 2023 tags: - open-source-collab @@ -2959,9 +2059,6 @@ - data inspection - local: personal-copilot - title: "Personal Copilot: Train Your Own Coding Assistant" - author: smangrul - thumbnail: /blog/assets/170_personal_copilot/thumbnail.png date: October 27, 2023 tags: - bigcode @@ -2971,9 +2068,6 @@ - guide - local: regions - title: "Introducing Storage Regions on the HF Hub" - author: julien-c - thumbnail: /blog/assets/172_regions/thumbnail.png date: November 3, 2023 tags: - announcement @@ -2981,9 +2075,6 @@ - hub - local: Lora-for-sequence-classification-with-Roberta-Llama-Mistral - title: "Comparing the Performance of LLMs: A Deep Dive into Roberta, Llama 2, and Mistral for Disaster Tweets Analysis with Lora" - author: mehdiiraqui - thumbnail: /blog/assets/Lora-for-sequence-classification-with-Roberta-Llama-Mistral/Thumbnail.png date: November 7, 2023 tags: - nlp @@ -2992,9 +2083,6 @@ - peft - local: prodigy-hf - title: "Introducing Prodigy-HF: a direct integration with Hugging Face" - author: koaning - thumbnail: /blog/assets/171_prodigy_hf/thumbnail.png date: November 7, 2023 tags: - community @@ -3003,9 +2091,6 @@ - guide - local: inferentia-llama2 - title: "Make your llama generation time fly with AWS Inferentia2" - author: dacorvo - thumbnail: /blog/assets/inferentia-llama2/thumbnail.png date: November 7, 2023 tags: - guide @@ -3014,9 +2099,6 @@ - aws - local: lcm_lora - title: "SDXL in 4 steps with Latent Consistency LoRAs" - author: pcuenq - thumbnail: /blog/assets/lcm_sdxl/lcm_thumbnail.png date: November 9, 2023 tags: - sdxl @@ -3025,9 +2107,6 @@ - guide - local: open-llm-leaderboard-drop - title: "Open LLM Leaderboard: DROP deep dive" - author: clefourrier - thumbnail: /blog/assets/evaluating-mmlu-leaderboard/thumbnail.png date: December 1, 2023 tags: - community @@ -3038,9 +2117,6 @@ - leaderboard - local: lora-adapters-dynamic-loading - title: "Goodbye cold boot - how we made LoRA inference 300% faster" - author: raphael-gl - thumbnail: /blog/assets/171_load_lora_adapters/thumbnail3.png date: December 5, 2023 tags: - diffusers @@ -3050,9 +2126,6 @@ - stable-diffusion - local: optimum-nvidia - title: "Optimum-NVIDIA - Unlock blazingly fast LLM inference in just 1 line of code" - author: laikh-nvidia - thumbnail: /blog/assets/optimum_nvidia/hf_nvidia_banner.png date: December 5, 2023 tags: - llm @@ -3062,19 +2135,13 @@ - optimum - local: setfit-absa - title: "SetFitABSA: Few-Shot Aspect Based Sentiment Analysis using SetFit" - author: ronenlap guest: true - thumbnail: /blog/assets/setfit-absa/intel_hf_logo_2.png date: December 6, 2023 tags: - research - nlp - local: huggingface-and-optimum-amd - title: "AMD + 🤗: Large Language Models Out-of-the-Box Acceleration with AMD GPU" - author: huggingface-team - thumbnail: /blog/assets/optimum_amd/amd_hf_logo_fixed.png date: December 5, 2023 tags: - llm @@ -3086,9 +2153,6 @@ - text-generation - local: moe - title: "Mixture of Experts Explained" - author: osanseviero - thumbnail: /blog/assets/moe/thumbnail.png date: December 11, 2023 tags: - moe @@ -3097,9 +2161,6 @@ - guide - local: mixtral - title: "Welcome Mixtral - a SOTA Mixture of Experts on Hugging Face" - author: lewtun - thumbnail: /blog/assets/mixtral/thumbnail.jpg date: December 11, 2023 tags: - mixtral @@ -3109,9 +2170,6 @@ - transformers - local: 2023-in-llms - title: "2023, year of open LLMs" - thumbnail: /blog/assets/cv_state/thumbnail.png - author: clefourrier date: December 18, 2023 tags: - research @@ -3120,9 +2178,6 @@ - guide - local: whisper-speculative-decoding - title: "Speculative Decoding for 2x Faster Whisper Inference" - author: sanchit-gandhi - thumbnail: /blog/assets/whisper-speculative-decoding/thumbnail.png date: Dec 20, 2023 tags: - guide @@ -3130,9 +2185,6 @@ - transformers - local: sdxl_lora_advanced_script - title: "LoRA training scripts of the world, unite!" - author: LinoyTsaban - thumbnail: /blog/assets/dreambooth_lora_sdxl/thumbnail.png date: January 2, 2024 tags: - guide @@ -3147,10 +2199,7 @@ - sdxl - local: amused - title: "Welcome aMUSEd: Efficient Text-to-Image Generation" - author: Isamu136 guest: true - thumbnail: /blog/assets/amused/thumbnail.png date: January 4, 2024 tags: - guide @@ -3159,10 +2208,7 @@ - diffusers - local: unsloth-trl - title: "Faster fine-tuning using TRL & Unsloth" - author: danielhanchen guest: true - thumbnail: /blog/assets/hf_unsloth/thumbnail.png date: Jan 10, 2024 tags: - sft @@ -3171,10 +2217,7 @@ - qlora - local: leaderboard-vectara - title: "A guide to setting up your own Hugging Face leaderboard: an end-to-end example with Vectara's hallucination leaderboard" - author: ofermend guest: true - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_vectara.png date: Jan 12, 2024 tags: - leaderboard @@ -3183,10 +2226,7 @@ - community - local: sdxl_ort_inference - title: "Accelerating SD Turbo and SDXL Turbo Inference with ONNX Runtime and Olive" - author: sschoenmeyer guest: true - thumbnail: /blog/assets/optimum_onnxruntime-training/thumbnail.png date: Jan 15, 2024 tags: - stable-diffusion @@ -3197,9 +2237,6 @@ - community - local: pref-tuning - title: "Preference Tuning LLMs with Direct Preference Optimization Methods" - author: kashif - thumbnail: /blog/assets/pref-tuning/thumbnail.jpg date: Jan 18, 2024 tags: - rl @@ -3208,10 +2245,7 @@ - research - local: patchtsmixer - title: "PatchTSMixer in HuggingFace" - author: ajati guest: true - thumbnail: /blog/assets/patchtsmixer/thumbnail.jpeg date: January 19, 2024 tags: - guide @@ -3219,9 +2253,6 @@ - time-series - local: fine-tune-w2v2-bert - title: "Fine-Tune W2V2-Bert for low-resource ASR with 🤗 Transformers" - author: ylacombe - thumbnail: /blog/assets/fine-tune-w2v2-bert/w2v_thumbnail.png date: January 19, 2024 tags: - guide @@ -3230,9 +2261,6 @@ - low-resource - local: open-source-llms-as-agents - title: "Open-source LLMs as LangChain Agents" - author: m-ric - thumbnail: /blog/assets/open-source-llms-as-agents/thumbnail_open_source_agents.png date: January 24, 2024 tags: - mixtral @@ -3246,9 +2274,6 @@ - benchmark - local: gcp-partnership - title: "Hugging Face and Google partner for open AI collaboration" - author: jeffboudier - thumbnail: /blog/assets/173_gcp-partnership/thumbnail.jpg date: January 25, 2024 tags: - partnerships @@ -3256,10 +2281,7 @@ - hardware - local: leaderboard-decodingtrust - title: "An Introduction to AI Secure LLM Safety Leaderboard" - author: danielz01 guest: true - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_decodingtrust.png date: January 26, 2024 tags: - leaderboard @@ -3268,10 +2290,7 @@ - research - local: leaderboard-hallucinations - title: "The Hallucinations Leaderboard, an Open Effort to Measure Hallucinations in Large Language Models" - author: pminervini guest: true - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail.png date: January 29, 2024 tags: - leaderboard @@ -3280,10 +2299,7 @@ - research - local: intel-starcoder-quantization - title: "Accelerate StarCoder with 🤗 Optimum Intel on Xeon: Q8/Q4 and Speculative Decoding" - author: ofirzaf guest: true - thumbnail: /blog/assets/optimum_intel/intel_thumbnail.png date: Jan 30, 2024 tags: - nlp @@ -3294,9 +2310,6 @@ - community - local: leaderboard-patronus - title: "Introducing the Enterprise Scenarios Leaderboard: a Leaderboard for Real World Use Cases" - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_patronus.png - author: sunitha98 guest: true date: January 31, 2024 tags: @@ -3305,10 +2318,7 @@ - collaboration - local: patchtst - title: "Patch Time Series Transformer in Hugging Face" - author: namctin guest: true - thumbnail: /blog/assets/patchtst/thumbnail.png date: February 1, 2024 tags: - guide @@ -3316,9 +2326,6 @@ - time-series - local: text-generation-inference-on-inferentia2 - title: "Hugging Face Text Generation Inference available for AWS Inferentia2" - author: philschmid - thumbnail: /blog/assets/175_text_generation_inference_on_inferentia2/thumbnail.jpg date: Feb 1, 2024 tags: - guide @@ -3327,9 +2334,6 @@ - llm - local: constitutional_ai - title: "Constitutional AI with Open LLMs" - author: vwxyzjn - thumbnail: /blog/assets/175_constitutional_ai/thumbnail.png date: February 1, 2024 tags: - research @@ -3338,10 +2342,7 @@ - constitutional-ai - local: leaderboard-nphardeval - title: "NPHardEval Leaderboard: Unveiling the Reasoning Abilities of Large Language Models through Complexity Classes and Dynamic Updates" - author: lizhouf guest: true - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_nphardeval.png date: Feb 2, 2024 tags: - leaderboard @@ -3350,10 +2351,7 @@ - research - local: segmoe - title: "SegMoE: Segmind Mixture of Diffusion Experts" - author: Warlord-K guest: true - thumbnail: /blog/assets/segmoe/thumbnail.png date: February 3, 2024 tags: - text-to-image @@ -3362,9 +2360,6 @@ - segmoe - local: tgi-messages-api - title: "From OpenAI to Open LLMs with Messages API" - author: andrewrreed - thumbnail: /blog/assets/tgi-messages-api/thumbnail.jpg date: Feb 8, 2024 tags: - guide @@ -3373,19 +2368,13 @@ - tgi - local: amd_pervasive_developer_ai_contest - title: "AMD Pervasive AI Developer Contest!" - author: guruprasadmp guest: true - thumbnail: /blog/assets/amd_pervasive_developer_ai_contest/amd_developer_general_abstract.jpg date: Feb 14, 2024 tags: - partner - amd - local: synthetic-data-save-costs - title: "Synthetic data: save money, time and carbon with open source" - author: MoritzLaurer - thumbnail: /blog/assets/176_synthetic-data-save-costs/thumbnail.png date: Feb 16, 2024 tags: - guide @@ -3397,9 +2386,6 @@ - autotrain - local: peft_merging - title: "🤗 PEFT welcomes new merging methods" - author: smangrul - thumbnail: /blog/assets/peft_merging/thumbnail.png date: Feb 19, 2024 tags: - guide @@ -3409,10 +2395,7 @@ - lora - local: leaderboard-upstage - title: "Introducing the Open Ko-LLM Leaderboard: Leading the Korean LLM Evaluation Ecosystem" - author: Chanjun guest: true - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_upstage.png date: Feb 20, 2024 tags: - leaderboard @@ -3420,9 +2403,6 @@ - collaboration - local: gemma - title: "Welcome Gemma - Google's new open LLM" - author: philschmid - thumbnail: /blog/assets/gemma/thumbnail.jpg date: Feb 21, 2024 tags: - nlp @@ -3432,17 +2412,11 @@ - gcp - local: fetch-eap-case-study - title: "Fetch Consolidates AI Tools and Saves 30% Development Time with Hugging Face on AWS" - author: Violette - thumbnail: /blog/assets/78_ml_director_insights/fetch2.png date: Feb 23, 2023 tags: - case-studies - local: matryoshka - title: "🪆 Introduction to Matryoshka Embedding Models" - author: tomaarsen - thumbnail: /blog/assets/matryoshka/thumbnail.png date: Feb 23, 2024 tags: - nlp @@ -3450,10 +2424,7 @@ - guide - local: leaderboard-haizelab - title: "Introducing the Red-Teaming Resistance Leaderboard" - author: steve-sli guest: true - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_haizelab.png date: Feb 23, 2024 tags: - leaderboard @@ -3461,10 +2432,7 @@ - collaboration - local: gemma-peft - title: "Fine-Tuning Gemma Models in Hugging Face" - author: svaibhav guest: true - thumbnail: /blog/assets/gemma-peft/thumbnail.png date: Feb 23, 2024 tags: - nlp @@ -3475,9 +2443,6 @@ - peft - local: watermarking - title: "AI Watermarking 101: Tools and Techniques" - author: sasha - thumbnail: /blog/assets/watermarking/thumbnail.png date: Feb 26, 2024 tags: - ethics @@ -3486,9 +2451,6 @@ - guide - local: arena-tts - title: "TTS Arena: Benchmarking Text-to-Speech Models in the Wild" - thumbnail: /blog/assets/arenas-on-the-hub/thumbnail.png - author: mrfakename guest: true date: Feb 27, 2024 tags: @@ -3497,9 +2459,6 @@ - collaboration - local: starcoder2 - title: "StarCoder2 and The Stack v2" - author: lvwerra - thumbnail: /blog/assets/177_starcoder2/sc2-banner.png date: Feb 28, 2024 tags: - nlp @@ -3508,10 +2467,7 @@ - LLM - local: textgen-pipe-gaudi - title: "Text-Generation Pipeline on Intel® Gaudi® 2 AI Accelerator" - author: siddjags guest: true - thumbnail: /blog/assets/textgen-pipe-gaudi/thumbnail.png date: Feb 29, 2024 tags: - habana @@ -3522,10 +2478,7 @@ - inference - local: community-datasets - title: "Data is better together" - author: davanstrien guest: true - thumbnail: /blog/assets/community-datasets/thumbnail.png date: Mar 4, 2024 tags: - community @@ -3534,10 +2487,7 @@ - announcement - local: leaderboard-contextual - title: "Introducing ConTextual: How well can your Multimodal model jointly reason over text and image in text-rich scenes?" - author: rohan598 guest: true - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_contextual.png date: Mar 5, 2024 tags: - leaderboard @@ -3545,9 +2495,6 @@ - research - local: websight - title: "Unlocking the conversion of Web Screenshots into HTML Code with the WebSight Dataset" - author: HugoLaurencon - thumbnail: /blog/assets/websight/thumbnail.png date: Mar 15, 2024 tags: - nlp @@ -3556,10 +2503,7 @@ - research - local: intel-fast-embedding - title: "CPU Optimized Embeddings with 🤗 Optimum Intel and fastRAG" - author: peterizsak guest: true - thumbnail: /blog/assets/optimum_intel/intel_thumbnail.png date: Mar 15, 2024 tags: - nlp @@ -3570,9 +2514,6 @@ - community - local: quanto-introduction - title: "quanto: a pytorch quantization toolkit" - author: dacorvo - thumbnail: /blog/assets/169_quanto_intro/thumbnail.png date: March 18, 2024 tags: - guide @@ -3581,9 +2522,6 @@ - diffusers - local: train-dgx-cloud - title: "Easily Train Models with H100 GPUs on NVIDIA DGX Cloud" - author: philschmid - thumbnail: /blog/assets/train-dgx-cloud/thumbnail.jpg date: March 18, 2024 tags: - partnerships @@ -3593,9 +2531,6 @@ - training - local: galore - title: "GaLore: Advancing Large Model Training on Consumer-grade Hardware" - author: Titus-von-Koeller - thumbnail: /blog/assets/galore_introduction/thumbnail.png date: March 20, 2024 tags: - galore @@ -3604,9 +2539,6 @@ - training - local: cosmopedia - title: "Cosmopedia: how to create large-scale synthetic data for pre-training Large Language Models" - author: loubnabnl - thumbnail: /blog/assets/cosmopedia/thumbnail.png date: March 20, 2024 tags: - guide @@ -3616,9 +2548,6 @@ - community - local: phi2-intel-meteor-lake - title: "A Chatbot on your Laptop: Phi-2 on Intel Meteor Lake" - author: juliensimon - thumbnail: /blog/assets/phi2-intel-meteor-lake/02.jpg date: March 20, 2024 tags: - partnerships @@ -3626,9 +2555,6 @@ - llm - local: arena-lighthouz - title: "Introducing the Chatbot Guardrails Arena" - thumbnail: /blog/assets/arenas-on-the-hub/thumbnail_lighthouz.png - author: sonalipnaik guest: true date: Mar 21, 2024 tags: @@ -3637,10 +2563,7 @@ - collaboration - local: embedding-quantization - title: "Binary and Scalar Embedding Quantization for Significantly Faster & Cheaper Retrieval" - author: aamirshakir guest: true - thumbnail: /blog/assets/embedding-quantization/thumbnail.png date: Mar 22, 2024 tags: - nlp @@ -3650,19 +2573,13 @@ - research - local: noob_intro_transformers - title: "Total noob’s intro to Hugging Face Transformers" - author: 2legit2overfit - thumbnail: /blog/assets/78_ml_director_insights/guide.png date: March 22, 2024 tags: - guide - community - local: pollen-vision - title: "Pollen-Vision: Unified interface for Zero-Shot vision models in robotics" - author: apirrone guest: true - thumbnail: /blog/assets/pollen-vision/thumbnail.jpg date: March 25, 2024 tags: - robotics @@ -3670,9 +2587,6 @@ - object-detection - local: cloudflare-workers-ai - title: "Bringing serverless GPU inference to Hugging Face users" - author: philschmid - thumbnail: /blog/assets/cloudflare-workers-ai/thumbnail.jpg date: April 2, 2024 tags: - partnerships @@ -3681,18 +2595,12 @@ - inference - local: policy-blog - title: "Public Policy at Hugging Face" - author: irenesolaiman - thumbnail: /blog/assets/policy_docs/policy_blog_thumbnail.png date: April 8, 2024 tags: - ethics - local: setfit-optimum-intel - title: "Blazing Fast SetFit Inference with 🤗 Optimum Intel on Xeon" - author: danielkorat guest: true - thumbnail: /blog/assets/optimum_intel/intel_thumbnail.png date: April 3, 2024 tags: - nlp @@ -3704,9 +2612,6 @@ - open-source-collab - local: duckdb-nsql-7b - title: "Text2SQL using Hugging Face Dataset Viewer API and Motherduck DuckDB-NSQL-7B" - author: asoria - thumbnail: /blog/assets/duckdb-nsql-7b/thumbnail.png date: April 4, 2024 tags: - guide @@ -3715,17 +2620,11 @@ - llm - local: hugging-face-wiz-security-blog - title: "Hugging Face partners with Wiz Research to Improve AI Security" - author: JJoe206 - thumbnail: /blog/assets/wiz_security/security.png date: April 4, 2024 tags: - security - local: codegemma - title: "CodeGemma - an official Google release for code LLMs" - author: pcuenq - thumbnail: /blog/assets/codegemma/thumbnail_b.png date: April 9, 2024 tags: - nlp @@ -3735,9 +2634,6 @@ - gcp - local: google-cloud-model-garden - title: "Making thousands of open LLMs bloom in the Vertex AI Model Garden" - author: philschmid - thumbnail: /blog/assets/173_gcp-partnership/thumbnail.jpg date: April 10, 2024 tags: - partnerships @@ -3745,9 +2641,6 @@ - hardware - local: vlms - title: "Vision Language Models Explained" - author: merve - thumbnail: /blog/assets/vlms_explained/thumbnail.png date: April 11, 2024 tags: - vision @@ -3757,9 +2650,6 @@ - trl - local: idefics2 - title: "Introducing Idefics2: A Powerful 8B Vision-Language Model for the community" - author: Leyo - thumbnail: /blog/assets/idefics/thumbnail.png date: April 15, 2024 tags: - research @@ -3769,18 +2659,12 @@ - multimodal - local: ryght-case-study - title: "Ryght’s Journey to Empower Healthcare and Life Sciences with Expert Support from Hugging Face" - author: andrewrreed - thumbnail: /blog/assets/ryght-case-study/thumbnail.png date: April 16, 2024 tags: - case-studies - local: fhe-endpoints - title: "Running Privacy-Preserving Inference on Hugging Face Endpoints" - author: binoua guest: true - thumbnail: /blog/assets/fhe-endpoints/thumbnail.png date: April 16, 2024 tags: - guide @@ -3789,10 +2673,7 @@ - FHE - local: leaderboard-livecodebench - title: "Introducing the LiveCodeBench Leaderboard - Holistic and Contamination-Free Evaluation of Code LLMs" - author: StringChaos guest: true - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail.png date: Apr 16, 2024 tags: - leaderboard @@ -3801,9 +2682,6 @@ - community - local: gradio-reload - title: "AI Apps in a Flash with Gradio's Reload Mode" - author: freddyaboulton - thumbnail: /blog/assets/gradio-reload/thumbnail_compressed.png date: April 16, 2024 tags: - gradio @@ -3812,10 +2690,7 @@ - demo - local: leaderboard-medicalllm - title: "The Open Medical-LLM Leaderboard: Benchmarking Large Language Models in Healthcare" - author: aaditya guest: true - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_medicalllm.png date: Apr 19, 2024 tags: - leaderboard @@ -3823,9 +2698,6 @@ - research - local: llama3 - title: "Welcome Llama 3 - Meta's new open LLM" - author: philschmid - thumbnail: /blog/assets/llama3/thumbnail.jpg date: April 18, 2024 tags: - nlp @@ -3834,9 +2706,6 @@ - LLM - local: jat - title: "Jack of All Trades, Master of Some, a Multi-Purpose Transformer Agent" - author: qgallouedec - thumbnail: /blog/assets/jat/thumbnail.png date: April 22, 2024 tags: - imitation @@ -3845,11 +2714,8 @@ - generalist - local: leaderboard-cot - title: "Introducing the Open Chain of Thought Leaderboard" - author: ggbetz guest: true org: logikon - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_cot.png date: Apr 23, 2024 tags: - leaderboard @@ -3858,9 +2724,6 @@ - community - local: sc2-instruct - title: "StarCoder2-Instruct: Fully Transparent and Permissive Self-Alignment for Code Generation" - thumbnail: /blog/assets/sc2-instruct/sc2-instruct-banner.png - author: yuxiang630 guest: true date: Apr 29, 2024 tags: @@ -3870,10 +2733,7 @@ - LLM - local: evaluation-structured-outputs - title: "Improving Prompt Consistency with Structured Generations" - author: willkurt guest: true - thumbnail: /blog/assets/evaluating-mmlu-leaderboard/thumbnail.png date: Apr 30, 2024 tags: - evaluation @@ -3882,9 +2742,6 @@ - leaderboard - local: asr-diarization - title: "Powerful ASR + diarization + speculative decoding with Hugging Face Inference Endpoints" - author: sergeipetrov - thumbnail: /blog/assets/asr-diarization/thumbnail.png date: May 1, 2024 tags: - audio @@ -3892,9 +2749,6 @@ - inference - local: leaderboard-artificial-analysis - title: "Bringing the Artificial Analysis LLM Performance Leaderboard to Hugging Face" - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_artificialanalysis.png - author: mhillsmith guest: true date: May 3, 2024 tags: @@ -3904,9 +2758,6 @@ - community - local: leaderboard-hebrew - title: "Introducing the Open Leaderboard for Hebrew LLMs!" - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_hebrew.png - author: Shaltiel guest: true date: May 05, 2024 tags: @@ -3916,9 +2767,6 @@ - LLM - local: cost-efficient-rag-applications-with-intel - title: "Building Cost-Efficient Enterprise RAG applications with Intel Gaudi 2 and Intel Xeon" - author: juliensimon - thumbnail: /blog/assets/cost_efficient_rag_applications_with_intel/main.jpg date: May 9, 2024 tags: - partnerships @@ -3926,9 +2774,6 @@ - llm - local: enterprise-hub-aws-marketplace - title: "Subscribe to Enterprise Hub with your AWS Account" - author: jeffboudier - thumbnail: /blog/assets/158_aws_marketplace/thumbnail.jpg date: May 9, 2024 tags: - guide @@ -3937,9 +2782,6 @@ - aws - local: agents - title: "License to Call: Introducing Transformers Agents 2.0" - thumbnail: /blog/assets/agents/thumbnail.png - author: m-ric date: May 13, 2024 tags: - nlp @@ -3954,9 +2796,6 @@ - benchmark - local: leaderboard-arabic - title: "Introducing the Open Arabic LLM Leaderboard" - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_arabic.png - author: alielfilali01 guest: true date: May 14, 2024 tags: @@ -3966,9 +2805,6 @@ - LLM - local: langchain - title: "Hugging Face x LangChain : A new partner package in LangChain" - author: jofthomas - thumbnail: /blog/assets/langchain_huggingface/thumbnail.png date: May 14, 2024 tags: - collaboration @@ -3977,9 +2813,6 @@ - llm - local: paligemma - title: "PaliGemma – Google's Cutting-Edge Open Vision Language Model" - thumbnail: /blog/assets/paligemma/Paligemma.png - author: merve date: May 14, 2024 tags: - multimodal @@ -3987,9 +2820,6 @@ - vision - local: microsoft-collaboration - title: "From cloud to developers: Hugging Face and Microsoft Deepen Collaboration" - thumbnail: /blog/assets/microsoft-collaboration/thumbnail.jpg - author: jeffboudier date: May 21, 2024 tags: - cloud @@ -3997,9 +2827,6 @@ - partnership - local: huggingface-amd-mi300 - title: "Hugging Face on AMD Instinct MI300 GPU" - thumbnail: /blog/assets/optimum_amd/amd_hf_logo_fixed.png - author: mfuntowicz date: May 21, 2024 tags: - llm @@ -4011,9 +2838,6 @@ - text-generation - local: dell-enterprise-hub - title: "Build AI on premise with Dell Enterprise Hub" - thumbnail: /blog/assets/dell-enterprise-hub/thumbnail.jpg - author: jeffboudier date: May 21, 2024 tags: - announcement @@ -4023,9 +2847,6 @@ - partnerships - local: spaces-dev-mode - title: "Introducing Spaces Dev Mode for a seamless developer experience" - thumbnail: /blog/assets/spaces-dev-mode/thumbnail.png - author: pagezyhf date: May 21, 2024 tags: - spaces @@ -4033,9 +2854,6 @@ - partnership - local: inferentia-inference-endpoints - title: "Deploy models on AWS Inferentia2 from Hugging Face" - thumbnail: /blog/assets/inferentia-inference-endpoints/thumbnail.jpg - author: philschmid date: May 22, 2024 tags: - cloud @@ -4044,9 +2862,6 @@ - optimum - local: kv-cache-quantization - title: "Unlocking Longer Generation with Key-Value Cache Quantization" - thumbnail: /blog/assets/kv_cache_quantization/thumbnail.png - author: RaushanTurganbay date: May 16, 2024 tags: - generation @@ -4054,9 +2869,6 @@ - quantization - local: leaderboard-llamaguard - title: "CyberSecEval 2 - A Comprehensive Evaluation Framework for Cybersecurity Risks and Capabilities of Large Language Models" - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_llamaguard.png - author: r34p3r1321 guest: true date: May 24, 2024 tags: @@ -4066,10 +2878,7 @@ - LLM - local: falcon2-11b - title: "Falcon 2: An 11B parameter pretrained language model and VLM, trained on over 5000B tokens tokens and 11 languages" - author: Quent-01 guest: true - thumbnail: /blog/assets/179_falcon2-11b/thumbnail.jpg date: May 24, 2024 tags: - nlp @@ -4081,9 +2890,6 @@ - open-source - local: train-sentence-transformers - title: "Training and Finetuning Embedding Models with Sentence Transformers v3" - author: tomaarsen - thumbnail: /blog/assets/train-sentence-transformers/st-hf-thumbnail.png date: May 28, 2024 tags: - nlp @@ -4092,9 +2898,6 @@ - open-source - local: tgi-benchmarking - title: "Benchmarking Text Generation Inference" - thumbnail: /blog/assets/tgi-benchmarking/tgi-benchmarking-thumbnail.png - author: derek-thomas date: May 29, 2024 tags: - LLM @@ -4103,17 +2906,11 @@ - tgi - local: space-secrets-disclosure - title: "Space secrets security update" - thumbnail: /blog/assets/space-secrets-security-update/space-secrets-security-update.png - author: huggingface date: May 31, 2024 tags: - security - local: assisted-generation-support-gaudi - title: "Faster assisted generation support for Intel Gaudi" - author: haimbarad - thumbnail: /blog/assets/assisted-generation-support-gaudi/thumbnail.png date: June 4, 2024 tags: - partnerships @@ -4121,17 +2918,11 @@ - hardware - local: npc-gigax-cubzh - title: "Introducing NPC-Playground, a 3D playground to interact with LLM-powered NPCs" - thumbnail: /blog/assets/181_npc-gigax-cubzh/thumbnail.png - author: ThomasSimonini date: June 5, 2024 tags: - game-dev - local: leaderboard-artificial-analysis2 - title: "Launching the Artificial Analysis Text to Image Leaderboard & Arena" - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_artificialanalysis.png - author: mhillsmith guest: true date: Jun 6, 2024 tags: @@ -4141,9 +2932,6 @@ - community - local: sagemaker-huggingface-embedding - title: "Introducing the Hugging Face Embedding Container for Amazon SageMaker" - thumbnail: /blog/assets/sagemaker-huggingface-embedding/thumbnail.jpg - author: philschmid date: Jun 7, 2024 tags: - cloud @@ -4152,18 +2940,12 @@ - guide - local: transformers-docs-redesign - title: "Making sense of this mess" - thumbnail: /blog/assets/transformers-docs-redesign/thumbnail.png - author: stevhliu date: June 7, 2024 tags: - community - open-source - local: putting_rl_back_in_rlhf_with_rloo - title: "Putting RL back in RLHF" - thumbnail: /blog/assets/putting_rl_back_in_rlhf_with_rloo/thumbnail.png - author: vwxyzjn date: June 12, 2024 tags: - research @@ -4171,9 +2953,6 @@ - rlhf - local: sd3 - title: "🧨 Diffusers welcomes Stable Diffusion 3" - author: diffusers - thumbnail: /blog/assets/sd3/thumbnail.png date: June 12, 2024 tags: - diffusers @@ -4181,9 +2960,6 @@ - sd3 - local: deepspeed-to-fsdp-and-back - title: "From DeepSpeed to FSDP and Back Again with Hugging Face Accelerate" - thumbnail: /blog/assets/deepspeed-to-fsdp-and-back/thumbnail.png - author: muellerzr date: June 13, 2024 tags: - open-source @@ -4192,9 +2968,6 @@ - collaboration - local: leaderboard-bigcodebench - title: "BigCodeBench: Benchmarking Large Language Models on Solving Practical and Challenging Programming Tasks" - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_bigcode.png - author: terryyz guest: true date: Jun 18, 2024 tags: @@ -4204,17 +2977,11 @@ - community - local: prezi-case-study - title: "Going multimodal: How Prezi is leveraging the Hub and the Expert Support Program to accelerate their ML roadmap" - author: Violette - thumbnail: /blog/assets/70_sempre_health/thumbnailprezi.jpg date: June 19, 2024 tags: - case-studies - local: dibt - title: "Data Is Better Together: A Look Back and Forward" - thumbnail: /blog/assets/dibt/thumbnail.png - author: sdiazlor date: Jun 20, 2024 tags: - collaboration @@ -4222,17 +2989,11 @@ - open-source - local: ethics-soc-6 - title: "Ethics and Society Newsletter #6: Building Better AI: The Importance of Data Quality" - thumbnail: /blog/assets/182_ethics-soc-6/thumbnail.png date: June 24, 2024 tags: - ethics - author: evijit - local: finetune-florence2 - title: "Fine-tuning Florence-2 - Microsoft's Cutting-edge Vision Language Models" - thumbnail: /blog/assets/182_finetune-florence/thumbnail.png - author: andito date: Jun 24, 2024 tags: - collaboration @@ -4241,17 +3002,11 @@ - research - local: xlscout-case-study - title: "XLSCOUT Unveils ParaEmbed 2.0: a Powerful Embedding Model Tailored for Patents and IP with Expert Support from Hugging Face" - author: andrewrreed - thumbnail: /blog/assets/xlscout-case-study/thumbnail.png date: June 25, 2024 tags: - case-studies - local: gemma2 - title: "Welcome Gemma 2 - Google's new open LLM" - author: philschmid - thumbnail: /blog/assets/gemma2/thumbnail.jpg date: June 27, 2024 tags: - nlp @@ -4261,9 +3016,6 @@ - gcp - local: beating-gaia - title: "Our Transformers Code Agent beats the GAIA benchmark!" - author: m-ric - thumbnail: /blog/assets/beating-gaia/thumbnail.jpeg date: July 1, 2024 tags: - agents @@ -4274,9 +3026,6 @@ - leaderboard - local: intel-protein-language-model-protst - title: "Accelerating Protein Language Model ProtST on Intel Gaudi 2" - author: juliensimon - thumbnail: /blog/assets/intel-protein-language-model-protst/01.jpeg date: July 3, 2024 tags: - partnerships @@ -4284,25 +3033,16 @@ - llm - local: datasets-filters - title: "Announcing New Dataset Search Features" - author: lhoestq - thumbnail: /blog/assets/datasets-filters/thumbnail.png date: Jul 8, 2024 tags: - datasets - local: sovereign-data-solution-case-study - title: "Banque des Territoires (CDC Group) x Polyconseil x Hugging Face: Enhancing a Major French Environmental Program with a Sovereign Data Solution" - author: florentgbelidji - thumbnail: /blog/assets/78_ml_director_insights/cdc_poly_hf.png date: July 9, 2024 tags: - case-studies - local: tpu-inference-endpoints-spaces - title: "Google Cloud TPUs made available to Hugging Face users" - thumbnail: /blog/assets/tpu-inference-endpoints-spaces/thumbnail.png - author: pagezyhf date: July 9, 2024 tags: - partnerships @@ -4312,9 +3052,6 @@ - hardware - local: dpo_vlm - title: "Preference Optimization for Vision Language Models" - author: qgallouedec - thumbnail: /blog/assets/dpo_vlm/thumbnail.png date: July 10, 2024 tags: - vlm @@ -4324,27 +3061,18 @@ - dpo - local: presidio-pii-detection - title: "Experimenting with Automatic PII Detection on the Hub using Presidio" - author: lhoestq - thumbnail: /blog/assets/presidio-pii-detection/thumbnail.png date: Jul 10, 2024 tags: - datasets - pii - local: keras-hub-integration - title: "Announcing New Hugging Face and KerasHub integration" - thumbnail: /blog/assets/keras-hub-integration/thumbnail.png - author: ariG23498 date: Jul 10, 2024 tags: - open-source-collab - nlp - local: winning-aimo-progress-prize - title: "How NuminaMath Won the 1st AIMO Progress Prize" - author: yfleureau - thumbnail: /blog/assets/winning-aimo-progress-prize/thumbnail.png date: July 11, 2024 tags: - ai4math @@ -4355,9 +3083,6 @@ - open-science-collab - local: argilla-chatbot - title: "How we leveraged distilabel to create an Argilla 2.0 Chatbot" - thumbnail: /blog/assets/argilla-chatbot/thumbnail.png - author: plaguss date: Jul 16, 2024 tags: - nlp @@ -4367,9 +3092,6 @@ - apps - local: smollm - title: "SmolLM - blazingly fast and remarkably powerful" - author: loubnabnl - thumbnail: /blog/assets/smollm/banner.png date: July 16, 2024 tags: - llm @@ -4380,9 +3102,6 @@ - community - local: multi-lora-serving - title: "TGI Multi-LoRA: Deploy Once, Serve 30 Models" - author: derek-thomas - thumbnail: /blog/assets/multi-lora-serving/thumbnail.png date: Jul 18, 2024 tags: - nlp @@ -4394,9 +3113,6 @@ - guide - local: docmatix - title: "Docmatix - a huge dataset for Document Visual Question Answering" - thumbnail: /blog/assets/183_docmatix/thumbnail_new.png - author: andito date: Jul 18, 2024 tags: - community @@ -4409,9 +3125,6 @@ - research - local: mistral-coreml - title: "WWDC 24: Running Mistral 7B with Core ML" - thumbnail: /blog/assets/mistral-coreml/thumbnail.png - author: FL33TW00D-HF date: Jul 22, 2024 tags: - coreml @@ -4421,9 +3134,6 @@ - wwdc - local: llama31 - title: "Llama 3.1 - 405B, 70B & 8B with multilinguality and long context" - author: philschmid - thumbnail: /blog/assets/llama31/thumbnail.jpg date: July 23, 2024 tags: - nlp @@ -4432,9 +3142,6 @@ - LLM - local: zero-shot-vqa-docmatix - title: "LAVE: Zero-shot VQA Evaluation on Docmatix with LLMs - Do We Still Need Fine-Tuning?" - author: danaaubakirova - thumbnail: /blog/assets/184_zero_shot_docmatix/thumb.001.jpeg date: Jul 25, 2024 tags: - community @@ -4446,9 +3153,6 @@ - research - local: inference-dgx-cloud - title: "Serverless Inference with Hugging Face and NVIDIA NIMs" - author: philschmid - thumbnail: /blog/assets/train-dgx-cloud/thumbnail.jpg date: July 29, 2024 tags: - partnerships @@ -4458,9 +3162,6 @@ - inference - local: quanto-diffusers - title: "Memory-efficient Diffusion Transformers with Quanto and Diffusers" - author: sayakpaul - thumbnail: /blog/assets/quanto-diffusers/thumbnail.png date: July 30, 2024 tags: - diffusers @@ -4468,9 +3169,6 @@ - diffusion-transformers - local: gemma-july-update - title: "Google releases Gemma 2 2B, ShieldGemma and Gemma Scope" - author: Xenova - thumbnail: /blog/assets/gemma-july-update/thumbnail.jpg date: July 31, 2024 tags: - nlp @@ -4480,9 +3178,6 @@ - gcp - local: doc_aug_hf_alb - title: "Introducing TextImage Augmentation for Document Images" - author: danaaubakirova - thumbnail: /blog/assets/185_albumentations/thumbnail.png date: Aug 6, 2024 tags: - document ai @@ -4492,18 +3187,12 @@ - research - local: 2024-security-features - title: 2024 Security Feature Highlights - author: jack-kumar - thumbnail: /blog/assets/2024-security-features/thumbnail.png date: August 6, 2024 tags: - security - enterprise - local: xethub-joins-hf - title: "XetHub is joining Hugging Face!" - author: julien-c - thumbnail: /blog/assets/xethub-joins-hf/thumbnail.png date: August 8, 2024 tags: - announcement @@ -4512,9 +3201,6 @@ - xet - local: unified-tool-use - title: "Tool Use, Unified" - author: rocketknight1 - thumbnail: /blog/assets/unified-tool-use/thumbnail.png date: August 12, 2024 tags: - LLM @@ -4522,10 +3208,7 @@ - community - local: falconmamba - title: "Welcome FalconMamba: The first strong attention-free 7B model " guest: true - author: JingweiZuo - thumbnail: /blog/assets/falconmamba/thumbnail.png date: August 12, 2024 tags: - nlp @@ -4535,9 +3218,6 @@ - Mamba - local: introduction-to-ggml - title: "Introduction to ggml" - author: ngxson - thumbnail: /blog/assets/introduction-to-ggml/cover.jpg date: August 13, 2024 tags: - guide @@ -4545,9 +3225,6 @@ - ggml - local: infini-attention - title: "A failed experiment: Infini-Attention, and why we should keep trying?" - author: neuralink - thumbnail: /blog/assets/185_infini_attention/infini_attention_thumbnail.png date: August 14, 2024 tags: - long-context @@ -4555,9 +3232,6 @@ - memory-compression - local: llama31-on-vertex-ai - title: "Deploy Meta Llama 3.1 405B on Google Cloud Vertex AI" - author: alvarobartt - thumbnail: /blog/assets/llama31-on-vertex-ai/thumbnail.png date: August 19, 2024 tags: - nlp @@ -4566,9 +3240,6 @@ - vertex - local: packing-with-FA2 - title: "Improving Hugging Face Training Efficiency Through Packing with Flash Attention" - author: lwtr - thumbnail: /blog/assets/packing-with-FA2/thumbnail.png date: August 21, 2024 tags: - padding @@ -4576,9 +3247,6 @@ - Flash Attention 2 - local: unsung-heroes - title: "The 5 Most Under-Rated Tools on Hugging Face" - author: derek-thomas - thumbnail: /blog/assets/unsung-heroes/new-thumbnail.png date: August 22, 2024 tags: - hub @@ -4593,9 +3261,6 @@ - guide - local: video-encoding - title: "Scaling robotics datasets with video encoding" - author: aliberts - thumbnail: /blog/assets/video-encoding/thumbnail.png date: August 27, 2024 tags: - video @@ -4603,9 +3268,6 @@ - robotics - local: trufflesecurity-partnership - title: "Hugging Face partners with TruffleHog to Scan for Secrets" - author: mcpotato - thumbnail: /blog/assets/trufflesecurity-partnership/thumbnail.png date: September 4, 2024 tags: - hub @@ -4613,17 +3275,11 @@ - security - local: accelerate-v1 - title: "Accelerate 1.0.0" - author: muellerzr - thumbnail: /blog/assets/186_accelerate_v1/accelerate_v1_thumbnail.png date: September 13, 2024 tags: - guide - local: community-tools - title: "Introducing Community Tools on HuggingChat" - author: nsarrazin - thumbnail: /blog/assets/community-tools/thumbnail.png date: September 16, 2024 tags: - huggingchat @@ -4631,9 +3287,6 @@ - community - local: sql-console - title: "Introducing the SQL Console on Datasets" - author: cfahlgren1 - thumbnail: /blog/assets/sql_console/thumbnail.png date: September 17, 2024 tags: - datasets @@ -4641,9 +3294,6 @@ - duckdb - local: 1_58_llm_extreme_quantization - title: "Fine-tuning LLMs to 1.58bit: extreme quantization made easy" - author: medmekk - thumbnail: /blog/assets/1_58_llm_extreme_quantization/thumbnail.png date: September 18, 2024 tags: - nlp @@ -4651,9 +3301,6 @@ - community - local: deploy-with-openvino - title: "Optimize and deploy models with Optimum-Intel and OpenVINO GenAI" - author: AlexKoff88 - thumbnail: /blog/assets/deploy-with-openvino/openvino_genai_workflow.png date: September 20, 2024 tags: - intel @@ -4662,18 +3309,12 @@ - inference - local: daily-papers - title: "Exploring the Daily Papers Page on Hugging Face" - author: AdinaY - thumbnail: /blog/assets/daily-papers/thumbnail.png date: September 23, 2024 tags: - research - community - local: fine-video - title: "FineVideo: behind the scenes" - author: mfarre - thumbnail: /blog/assets/186_fine_video/thumbnail.png date: September 23, 2024 tags: - video @@ -4681,9 +3322,6 @@ - multimodal - local: llama32 - title: "Llama can now see and run on your device - welcome Llama 3.2" - author: merve - thumbnail: /blog/assets/llama32/thumbnail.jpg date: September 25, 2024 tags: - multimodal @@ -4693,9 +3331,6 @@ - vision - local: vertex-colored-to-textured-mesh - title: "Converting Vertex-Colored Meshes to Textured Meshes" - author: dylanebert - thumbnail: /blog/assets/vertex-colored-to-textured-mesh/thumbnail.png date: September 30, 2024 tags: - vision @@ -4704,9 +3339,6 @@ - tutorial - local: benczechmark - title: "🇨🇿 BenCzechMark - Can your LLM Understand Czech?" - author: mfajcik - thumbnail: /blog/assets/187_benczechmark/thumbnail.png date: October 1, 2024 tags: - nlp @@ -4715,19 +3347,13 @@ - LLM - local: chinese-ai-expansion - title: "A Short Summary of Chinese AI Global Expansion" - author: AdinaY - thumbnail: /blog/assets/chinese-ai-expansion/thumbnail.png date: October 3, 2024 tags: - research - community - local: leaderboard-finbench - title: "Introducing the Open FinLLM Leaderboard" - author: QianqianXie1994 guest: true - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_finbench.png date: Oct 4, 2024 tags: - leaderboard @@ -4735,9 +3361,6 @@ - community - local: improve_parquet_dedupe - title: "Improving Parquet Dedupe on Hugging Face Hub" - author: yuchenglow - thumbnail: /blog/assets/improve_parquet_dedupe/thumbnail.png date: October 5, 2024 tags: - parquet @@ -4746,19 +3369,13 @@ - xet - local: dynamic_speculation_lookahead - title: "Faster Assisted Generation with Dynamic Speculation" - author: jmamou guest: true - thumbnail: /blog/assets/optimum_intel/intel_thumbnail.png date: October 8, 2024 tags: - research - nlp - local: dask-scaling - title: "Scaling AI-based Data Processing with Hugging Face + Dask" - author: scj13 - thumbnail: /blog/assets/dask-scaling/thumbnail.png date: October 9, 2024 tags: - nlp @@ -4766,9 +3383,6 @@ - datasets - local: gradio-5 - title: "Welcome, Gradio 5" - author: abidlabs - thumbnail: /blog/assets/gradio-5/thumbnail.png date: October 9, 2024 tags: - gradio @@ -4776,9 +3390,6 @@ - open-source - local: gradio-5-security - title: "A Security Review of Gradio 5" - author: abidlabs - thumbnail: /blog/assets/gradio-5-security/thumbnail.png date: October 10, 2024 tags: - gradio @@ -4787,9 +3398,6 @@ - security - local: huggingface-amd-turin - title: "Introducing the AMD 5th Gen EPYC™ CPU" - author: huggingface-team - thumbnail: /blog/assets/optimum_amd/amd_hf_logo_fixed.png date: October 10, 2024 tags: - llm @@ -4801,9 +3409,6 @@ - text-generation - local: gradient_accumulation - title: "Fixing Gradient Accumulation" - author: lysandre - thumbnail: /blog/assets/gradient_accumulation/gradient_accumulation.png date: October 16, 2024 tags: - transformers @@ -4811,9 +3416,6 @@ - gradient_accumulation - local: keras-llama-32 - title: "Llama 3.2 in Keras" - author: martin-gorner - thumbnail: /blog/assets/keras-llama-32/thumbnail.jpg date: October 21, 2024 tags: - keras @@ -4821,9 +3423,6 @@ - open-source - local: s2s_endpoint - title: "Deploying Speech-to-Speech on Hugging Face" - author: andito - thumbnail: /blog/assets/s2s_endpoint/thumbnail.png date: October 22, 2024 tags: - audio @@ -4832,9 +3431,6 @@ - inference-endpoints - local: outlines-core - title: "Releasing Outlines-core 0.1.0: structured generation in Rust and Python" - thumbnail: /blog/assets/outlines-core/thumbnail.png - author: erikkaum date: October 22, 2024 tags: - structured generation @@ -4842,9 +3438,6 @@ - open-source - local: sd3-5 - title: "🧨 Diffusers welcomes Stable Diffusion 3.5 Large" - author: diffusers - thumbnail: /blog/assets/sd3-5/thumbnail.png date: October 22, 2024 tags: - diffusers @@ -4852,9 +3445,6 @@ - sd3-5 - local: transformersjs-v3 - title: "Transformers.js v3: WebGPU support, new models & tasks, and more…" - author: Xenova - thumbnail: /blog/assets/transformersjs-v3/thumbnail.png date: October 22, 2024 tags: - announcement @@ -4864,9 +3454,6 @@ - webgpu - local: cinepile2 - title: "CinePile 2.0 - making stronger datasets with adversarial refinement" - author: mfarre - thumbnail: /blog/assets/188_cinepile2/thumbnail.png date: October 23, 2024 tags: - video @@ -4874,9 +3461,6 @@ - multimodal - local: hugs - title: "Introducing HUGS - Scale your AI with Open Models" - author: philschmid - thumbnail: /blog/assets/hugs/thumbnail.jpg date: October 23, 2024 tags: - announcement @@ -4891,9 +3475,6 @@ - multimodal - local: synthid-text - title: "Introducing SynthID Text" - author: sumedhghaisas - thumbnail: /blog/assets/synthid-text/thumbnail.png date: October 23, 2024 tags: - announcement @@ -4903,9 +3484,6 @@ - open-source - local: aya-expanse - title: "A Deepdive into Aya Expanse: Advancing the Frontier of Multilinguality" - author: johndang-cohere - thumbnail: /blog/assets/aya-expanse/thumbnail.jpg date: October 24, 2024 tags: - announcement @@ -4915,9 +3493,6 @@ - open-source - local: protectai - title: "Hugging Face Teams Up with Protect AI: Enhancing Model Security for the Community" - author: mcpotato - thumbnail: /blog/assets/protectai/thumbnail.png date: October 22, 2024 tags: - hub @@ -4925,9 +3500,6 @@ - security - local: digital-green-llm-judge - title: "Expert Support case study: Bolstering a RAG app with LLM-as-a-Judge" - author: m-ric - thumbnail: /blog/assets/digital-green-llm-judge/thumbnail.png date: October 28, 2024 tags: - RAG @@ -4937,10 +3509,7 @@ - case-studies - local: universal_assisted_generation - title: "Universal Assisted Generation: Faster Decoding with Any Assistant Model" - author: danielkorat guest: true - thumbnail: /blog/assets/optimum_intel/intel_thumbnail.png date: October 29, 2024 tags: - research @@ -4949,9 +3518,6 @@ - collaboration - local: argilla-ui-hub - title: "Argilla 2.4: Easily Build Fine-Tuning and Evaluation datasets on the Hub — No Code Required" - author: nataliaElv - thumbnail: /blog/assets/argilla-ui-hub/thumbnail.png date: November 4, 2024 tags: - hub @@ -4961,9 +3527,6 @@ - human feedback - local: pycharm-integration - title: "Hugging Face + PyCharm" - author: rocketknight1 - thumbnail: /blog/assets/pycharm-integration/thumbnail.png date: November 5, 2024 tags: - announcement @@ -4972,9 +3535,6 @@ - collaboration - local: researcher-dataset-sharing - title: "Share your open ML datasets on Hugging Face Hub!" - author: davanstrien - thumbnail: /blog/assets/researcher-dataset-sharing/thumbnail.png date: November 12, 2024 tags: - community @@ -4983,9 +3543,6 @@ - guide - local: eu-ai-act-for-oss-developers - title: "Open Source Developers Guide to the EU AI Act" - author: brunatrevelin - thumbnail: /blog/assets/189_eu-ai-act-for-oss-developers/thumbnail.png date: December 2, 2024 tags: - policy @@ -4993,9 +3550,6 @@ - ethics - local: arena-atla - title: "Judge Arena: Benchmarking LLMs as Evaluators" - thumbnail: /blog/assets/arenas-on-the-hub/thumbnail_atla.png - author: kaikaidai guest: true date: Nov 19, 2024 tags: @@ -5006,10 +3560,7 @@ - evaluation - local: leaderboard-japanese - title: "Introduction to the Open Leaderboard for Japanese LLMs" - author: akimfromparis guest: true - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_japanese.png date: November 20, 2024 tags: - community @@ -5020,9 +3571,6 @@ - collaboration - local: layerskip - title: "Faster Text Generation with Self-Speculative Decoding" - author: ariG23498 - thumbnail: /blog/assets/layerskip/thumbnail.png date: November 20, 2024 tags: - research @@ -5031,9 +3579,6 @@ - collaboration - local: from-files-to-chunks - title: "From Files to Chunks: Improving Hugging Face Storage Efficiency" - author: jsulz - thumbnail: /blog/assets/from-files-to-chunks/thumbnail.png date: November 20, 2024 tags: - dedupe @@ -5042,10 +3587,7 @@ - xet - local: debate - title: "Letting Large Models Debate: The First Multilingual LLM Debate Competition" - author: xuanricheng guest: true - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_flageval.png date: November 20, 2024 tags: - community @@ -5056,9 +3598,6 @@ - collaboration - local: designing-positional-encoding - title: "You could have designed state of the art positional encoding" - author: FL33TW00D-HF - thumbnail: /blog/assets/designing-positional-encoding/thumbnail_posenc.png date: November 25, 2024 tags: - research @@ -5066,9 +3605,6 @@ - tutorial - local: smolvlm - title: "SmolVLM - small yet mighty Vision Language Model" - author: andito - thumbnail: /blog/assets/smolvlm/banner.png date: November 26, 2024 tags: - multimodal @@ -5079,9 +3615,6 @@ - trl - local: rearchitecting-uploads-and-downloads - title: "Rearchitecting Hugging Face Uploads and Downloads" - author: jsulz - thumbnail: /blog/assets/rearchitecting-uploads-and-downloads/thumbnail.png date: November 26, 2024 tags: - dedupe @@ -5091,9 +3624,6 @@ - xet - local: cfm-case-study - title: "Investing in Performance: Fine-tune small models with LLM insights - a CFM case study" - author: florentgbelidji - thumbnail: /blog/assets/cfm-case-study/blogpost_cfm.png date: December 3, 2024 tags: - llm @@ -5102,10 +3632,7 @@ - case-studies - local: leaderboard-3c3h-aragen - title: "Rethinking LLM Evaluation with 3C3H: AraGen Benchmark and Leaderboard" - author: alielfilali01 guest: true - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_3c3h_aragen.png date: December 04, 2024 tags: - leaderboard @@ -5115,9 +3642,6 @@ - research - local: keras-chatbot-arena - title: "How good are LLMs at fixing their mistakes? A chatbot arena experiment with Keras and TPUs" - author: martin-gorner - thumbnail: /blog/assets/keras-chatbot-arena/thumbnail.png date: December 5, 2024 tags: - keras @@ -5127,9 +3651,6 @@ - open-source - local: paligemma2 - title: "Welcome PaliGemma 2 – New vision language models by Google" - author: merve - thumbnail: /blog/assets/paligemma/Paligemma2.png date: December 05, 2024 tags: - multimodal @@ -5140,9 +3661,6 @@ - research - local: image-preferences - title: "Open Preference Dataset for Text-to-Image Generation by the 🤗 Community" - author: davidberenstein1957 - thumbnail: /blog/assets/image_preferences/thumbnail.png date: December 09, 2024 tags: - text-to-image @@ -5154,9 +3672,6 @@ - distilabel - local: bedrock-marketplace - title: "Hugging Face models in Amazon Bedrock" - author: pagezyhf - thumbnail: /blog/assets/bedrock-marketplace/thumbnail.png date: December 09, 2024 tags: - aws @@ -5165,10 +3680,7 @@ - bedrock - local: lematerial - title: "LeMaterial: an open source initiative to accelerate materials discovery and research" - author: AlexDuvalinho guest: true - thumbnail: /blog/assets/lematerial/thumbnail_lematerial.png date: December 10, 2024 tags: - community @@ -5176,9 +3688,6 @@ - science - local: synthetic-data-generator - title: "Introducing the Synthetic Data Generator - Build Datasets with Natural Language" - author: davidberenstein1957 - thumbnail: /blog/assets/synthetic-data-generator/_thumbnail.png date: December 16, 2024 tags: - synthetic @@ -5187,9 +3696,6 @@ - distilabel - local: intel-gcp-c4 - title: "Benchmarking Language Model Performance on 5th Gen Xeon at GCP" - author: MatrixYao - thumbnail: /blog/assets/optimum_intel/intel_thumbnail.png date: December 17, 2024 tags: - hardware @@ -5199,9 +3705,6 @@ - benchmark - local: falcon3 - title: "Welcome the Falcon 3 Family of Open Models!" - author: ariG23498 - thumbnail: /blog/assets/falcon3/thumbnail.png date: December 17, 2024 tags: - nlp @@ -5210,10 +3713,7 @@ - research - local: bamba - title: "Bamba: Inference-Efficient Hybrid Mamba2 Model" - author: rganti guest: true - thumbnail: /blog/assets/bamba/bamba_thumbnail.png date: Dec 18, 2024 tags: - research @@ -5222,10 +3722,7 @@ - model - local: modernbert - title: "Finally, a Replacement for BERT: Introducing ModernBERT" - author: bclavie guest: true - thumbnail: /blog/assets/modernbert/thumbnail.png date: December 19, 2024 tags: - nlp @@ -5234,9 +3731,6 @@ - open-source-collab - local: big-bench-audio-release - title: "Evaluating Audio Reasoning with Big Bench Audio" - thumbnail: /blog/assets/big_bench_audio_release/big-bench-audio-thumbnail.png - author: mhillsmith guest: true date: December 20, 2024 tags: @@ -5246,9 +3740,6 @@ - community - local: logits-processor-zoo - title: "Controlling Language Model Generation with NVIDIA's LogitsProcessorZoo" - author: ariG23498 - thumbnail: /blog/assets/logits-processor-zoo/thumbnail.png date: December 23, 2024 tags: - llm @@ -5256,9 +3747,6 @@ - open-source - local: train_memory - title: "Visualize and understand GPU memory in PyTorch" - author: qgallouedec - thumbnail: /blog/assets/train_memory/thumbnail.png date: December 24, 2024 tags: - pytorch @@ -5267,9 +3755,6 @@ - gpu - local: smolagents - title: "Introducing smolagents: simple agents that write actions in code." - author: m-ric - thumbnail: /blog/assets/smolagents/thumbnail.png date: December 31, 2024 tags: - agents @@ -5280,9 +3765,6 @@ - community - local: leaderboard-emissions-analysis - title: "CO₂ Emissions and Models Performance: Insights from the Open LLM Leaderboard" - author: alozowski - thumbnail: /blog/assets/evaluating-mmlu-leaderboard/thumbnail.png date: January 9, 2025 tags: - open-llm-leaderboard @@ -5291,10 +3773,7 @@ - evaluation - local: vdr-2b-multilingual - title: "Visual Document Retrieval Goes Multilingual" - author: marco guest: true - thumbnail: /blog/assets/vdr-2b-multilingual/thumbnail.png date: January 10, 2025 tags: - multimodal @@ -5304,18 +3783,12 @@ - cv - local: ethics-soc-7 - title: "AI Agents Are Here. What Now?" - author: meg - thumbnail: /blog/assets/190_ethics-soc-7/thumbnail.png date: January 13, 2025 tags: - ethics - agents - local: run-comfyui-workflows-on-spaces - title: "Run ComfyUI workflows for free on Spaces" - author: multimodalart - thumbnail: /blog/assets/comfyui-to-gradio/cover.png date: January 14, 2024 tags: - comfyui @@ -5325,9 +3798,6 @@ - serverless - local: static-embeddings - title: "Train 400x faster Static Embedding Models with Sentence Transformers" - author: tomaarsen - thumbnail: /blog/assets/train-sentence-transformers/st-hf-thumbnail.png date: January 15, 2025 tags: - nlp @@ -5336,9 +3806,6 @@ - open-source - local: tgi-multi-backend - title: Introducing multi-backends (TRT-LLM, vLLM) support for Text Generation Inference - author: mfuntowicz - thumbnail: /blog/assets/tgi-multi-backend/thumbnail.png date: January 16, 2025 tags: - tgi @@ -5350,9 +3817,6 @@ - community - local: timm-transformers - title: "Timm ❤️ Transformers: Use any timm model with transformers" - author: ariG23498 - thumbnail: /blog/assets/timm-transformers/thumbnail.png date: January 16, 2025 tags: - timm @@ -5360,9 +3824,6 @@ - community - local: friendliai-partnership - title: "Hugging Face and FriendliAI partner to supercharge model deployment on the Hub" - author: ajshinfai - thumbnail: /blog/assets/friendliai-partnership/thumbnail.png date: January 22, 2025 tags: - partnerships @@ -5370,9 +3831,6 @@ - model-deployment - local: smolervlm - title: "SmolVLM Grows Smaller – Introducing the 250M & 500M Models!" - author: andito - thumbnail: /blog/assets/smolervlm/banner.png date: January 23, 2025 tags: - multimodal @@ -5383,9 +3841,6 @@ - community - local: smolagents-can-see - title: "We now support VLMs in smolagents!" - author: m-ric - thumbnail: /blog/assets/smolagents-can-see/thumbnail.png date: January 24, 2025 tags: - agents @@ -5395,18 +3850,12 @@ - vision - local: video_gen - title: "State of open video generation models in Diffusers" - author: sayakpaul - thumbnail: /blog/assets/video_gen/thumbnail.png date: Jan 27, 2025 tags: - diffusers - guide - video_gen - local: open-r1 - title: "Open-R1: a fully open reproduction of DeepSeek-R1" - author: eliebak - thumbnail: /blog/assets/open-r1/thumbnails.png date: Jan 28, 2025 tags: - llms @@ -5414,9 +3863,6 @@ - research - local: inference-providers - title: "Welcome to Inference Providers on the Hub 🔥" - author: julien-c - thumbnail: /blog/assets/inference-providers/thumbnail.png date: Jan 28, 2025 tags: - announcement @@ -5424,18 +3870,12 @@ - inference-providers - local: deepseek-r1-aws - title: "How to deploy and fine-tune DeepSeek models on AWS" - author: pagezyhf - thumbnail: /blog/assets/deepseek-r1-aws/thumbnail.png date: Jan 30, 2025 tags: - aws - partnerships - local: ai-art-newsletter-jan-25 - title: "The AI tools for Art Newsletter - Issue 1" - author: linoyts - thumbnail: /blog/assets/ai_art_newsletter_1/thumbnail.png date: Jan 31, 2025 tags: - diffusers @@ -5444,9 +3884,6 @@ - community - local: dabstep - title: "DABStep: Data Agent Benchmark for Multi-step Reasoning" - thumbnail: /blog/assets/dabstep/thumbnail.png - author: eggie5 guest: True date: Feb 4, 2025 tags: @@ -5456,9 +3893,6 @@ - evaluation - local: pi0 - title: "π0 and π0-FAST: Vision-Language-Action Models for General Robot Control" - author: danaaubakirova - thumbnail: /blog/assets/192_pi0/new_thumbnail_pi0.001.png date: Feb 4, 2025 tags: - robotics @@ -5466,9 +3900,6 @@ - community - local: open-deep-research - title: "Open-source DeepResearch – Freeing our search agents" - thumbnail: /blog/assets/open-deep-research/thumbnail.png - author: m-ric date: Feb 4, 2025 tags: - llms @@ -5477,9 +3908,6 @@ - smolagents - local: leaderboard-arabic-v2 - title: "The Open Arabic LLM Leaderboard 2" - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_arabic.png - author: alielfilali01 guest: true date: February 10, 2025 tags: @@ -5490,9 +3918,6 @@ - arabic - local: vid_ds_scripts - title: "Build awesome datasets for video generation" - author: hlky - thumbnail: /blog/assets/vid_ds_scripts/thumbnail.png date: Feb 12, 2025 tags: - guide @@ -5500,9 +3925,6 @@ - datasets - local: from-chunks-to-blocks - title: "From Chunks to Blocks: Accelerating Uploads and Downloads on the Hub" - author: jsulz - thumbnail: /blog/assets/from-chunks-to-blocks/thumbnail.png date: February 12, 2025 tags: - dedupe @@ -5512,9 +3934,6 @@ - xet - local: billion-classifications - title: "1 Billion Classifications" - author: derek-thomas - thumbnail: /blog/assets/billion-classifications/billion-classifications-thumbnail.png guest: true date: Feb 13, 2025 tags: @@ -5528,9 +3947,6 @@ - enterprise - local: math_verify_leaderboard - title: "Fixing Open LLM Leaderboard with Math-Verify" - author: hynky - thumbnail: /blog/assets/math_verify_leaderboard/thumbnail.png date: Feb 14, 2025 tags: - math-verify @@ -5539,9 +3955,6 @@ - evaluation - local: fireworks-ai - title: "Welcome Fireworks.ai on the Hub 🎆" - author: julien-c - thumbnail: /blog/assets/inference-providers/welcome-fireworks.jpg date: Feb 14, 2025 tags: - announcement @@ -5549,9 +3962,6 @@ - inference-providers - local: inference-providers-nebius-novita-hyperbolic - title: "Introducing Three New Serverless Inference Providers: Hyperbolic, Nebius AI Studio, and Novita 🔥" - author: reach-vb - thumbnail: /blog/assets/inference-providers/second-batch-thumbnail.webp date: Feb 18, 2025 tags: - announcement @@ -5559,9 +3969,6 @@ - inference-providers - local: paligemma2mix - title: "PaliGemma 2 Mix - New Instruction Vision Language Models by Google" - thumbnail: /blog/assets/paligemma2/thumbnail.png - author: ariG23498 date: Feb 19, 2025 tags: - multimodal @@ -5569,10 +3976,7 @@ - vision - local: smolvlm2 - title: "SmolVLM2: Bringing Video Understanding to Every Device" - author: orrzohar guest: true - thumbnail: /blog/assets/smolvlm2/banner.png date: Feb 20, 2025 tags: - vlm @@ -5584,18 +3988,12 @@ - vision - local: siglip2 - title: "SigLIP 2: A better multilingual vision language encoder" - author: ariG23498 - thumbnail: /blog/assets/siglip2/thumbnail.png date: Feb 21, 2025 tags: - multimodal - vision - local: remote_vae - title: "Remote VAEs for decoding with HF endpoints 🤗" - author: hlky - thumbnail: /blog/assets/remote_vae/thumbnail.png date: Feb 24, 2025 tags: - diffusers @@ -5603,9 +4001,6 @@ - inference endpoints - local: fastrtc - title: "FastRTC: The Real-Time Communication Library for Python" - author: freddyaboulton - thumbnail: /blog/assets/fastrtc/fastrtc_logo.jpg date: Feb 25, 2025 tags: - real-time @@ -5614,9 +4009,6 @@ - llm - local: iisc-huggingface-collab - title: "HuggingFace, IISc partner to supercharge model building on India's diverse languages" - author: visruth-rf - thumbnail: /blog/assets/iisc-huggingface-collab/thumbnail.png date: Feb 27, 2025 tags: - open-source-collab @@ -5624,10 +4016,7 @@ - community - local: smolagents-phoenix - title: "Trace & Evaluate your Agent with Arize Phoenix" - author: m-ric guest: true - thumbnail: /blog/assets/smolagents-phoenix/thumbnail.jpg date: Feb 28, 2025 tags: - phoenix @@ -5637,10 +4026,7 @@ - instrumentation - local: aya-vision - title: "A Deepdive into Aya Vision: Advancing the Frontier of Multilingual Multimodality" - author: saurabhdash guest: true - thumbnail: /blog/assets/aya-vision/thumbnail.png date: March 4, 2025 tags: - multimodal @@ -5648,9 +4034,6 @@ - vlm - local: jfrog - title: "Hugging Face and JFrog partner to make AI Security more transparent" - author: mcpotato - thumbnail: /blog/assets/jfrog/thumbnail.png date: March 4, 2025 tags: - hub @@ -5658,9 +4041,6 @@ - security - local: llm-inference-on-edge - title: "LLM Inference on Edge: A Fun and Easy Guide to run LLMs via React Native on your Phone!" - author: medmekk - thumbnail: /blog/assets/llm_inference_on_edge/thumbnail.png date: March 7, 2025 tags: - community @@ -5670,9 +4050,6 @@ - guide - local: lerobot-goes-to-driving-school - title: "LeRobot goes to driving school: World’s largest open-source self-driving dataset" - author: sandhawalia - thumbnail: /blog/assets/193_l2d/lerobot-driver.gif date: March 11, 2025 tags: - robotics @@ -5682,9 +4059,6 @@ - lerobot - local: gemma3 - title: "Welcome Gemma 3: Google's all new multimodal, multilingual, long context open LLM" - author: ariG23498 - thumbnail: /blog/assets/gemma3/thumbnail.png date: March 12, 2025 tags: - nlp @@ -5694,9 +4068,6 @@ - research - local: xet-on-the-hub - title: "Xet is on the Hub" - author: jsulz - thumbnail: /blog/assets/xet-on-the-hub/thumbnail.png date: March 18, 2025 tags: - storage @@ -5705,11 +4076,8 @@ - xet - local: nvidia-physical-ai - title: "NVIDIA's GTC 2025 Announcement for Physical AI Developers: New Open Models and Datasets" - author: mingyuliutw guest: true org: nvidia - thumbnail: /blog/assets/nvidia-physical-ai/thumbnail.png date: March 18, 2025 tags: - robotics @@ -5719,18 +4087,12 @@ - research - local: ai-action-wh-2025 - title: "AI Policy: 🤗 Response to the White House AI Action Plan RFI" - author: yjernite - thumbnail: /blog/assets/151_policy_ntia_rfc/us_policy_thumbnail.png date: March 19, 2025 tags: - ethics - policy - local: olympic-coder-lmstudio - title: "Open R1: How to use OlympicCoder locally for coding?" - author: burtenshaw - thumbnail: /blog/assets/olympic-coder-lmstudio/banner_correct.png date: March 20, 2025 tags: - open-source @@ -5740,9 +4102,6 @@ - local - local: endpoint-analytics - title: "The New and Fresh analytics in Inference Endpoints" - author: erikkaum - thumbnail: /blog/assets/endpoint-analytics/thumbnail.png date: March 21, 2025 tags: - guide @@ -5750,9 +4109,6 @@ - inference - local: gradio-dataframe-upgrade - title: "Introducing Gradio's new Dataframe!" - author: hmb - thumbnail: /blog/assets/gradio-dataframe-update/thumbnail.png date: March 24, 2025 tags: - gradio @@ -5760,9 +4116,6 @@ - guide - local: train-reranker - title: "Training and Finetuning Reranker Models with Sentence Transformers v4" - author: tomaarsen - thumbnail: /blog/assets/train-sentence-transformers/st-hf-thumbnail.png date: March 26, 2025 tags: - nlp @@ -5771,9 +4124,6 @@ - open-source - local: intel-gaudi-backend-for-tgi - title: "Accelerating LLM Inference with TGI on Intel Gaudi" - author: baptistecolle - thumbnail: /blog/assets/intel-gaudi-backend-for-tgi/tgi-gaudi-thumbnail.png date: March 28, 2025 tags: - tgi @@ -5784,9 +4134,6 @@ - partnerships - local: scaling-secrets-management - title: "How Hugging Face Scaled Secrets Management for AI Infrastructure" - thumbnail: /blog/assets/infisical/thumbnail.png - author: segudev guest: true date: Mar 31, 2025 tags: @@ -5795,9 +4142,6 @@ - partnerships - local: llm-course - title: "The NLP Course is becoming the LLM Course!" - author: burtenshaw - thumbnail: /blog/assets/llm-course/llm-course-rename-thumbnail.png date: April 3, 2025 tags: - education @@ -5806,9 +4150,6 @@ - open-source - local: gradio-1m - title: "Journey to 1 Million Gradio Users!" - author: abidlabs - thumbnail: /blog/assets/gradio-1m/thumbnail.png date: April 4, 2025 tags: - gradio @@ -5816,19 +4157,13 @@ - community - local: llama4-release - title: "Welcome Llama 4 Maverick & Scout on Hugging Face!" - author: burtenshaw - thumbnail: /blog/assets/llama_4.png date: April 5, 2025 tags: - llama - meta - local: leaderboard-3c3h-aragen-ifeval - title: "Arabic Leaderboards: Introducing Arabic Instruction Following, Updating AraGen, and More" - author: alielfilali01 guest: true - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_3c3h_aragen.png date: April 8, 2025 tags: - leaderboard @@ -5838,9 +4173,6 @@ - research - local: fastrtc-cloudflare - title: "Hugging Face and Cloudflare Partner to Make Real-Time Speech and Video Seamless with FastRTC" - author: freddyaboulton - thumbnail: /blog/assets/fastrtc-cloudflare/fastrtc_cloudflare.png date: April 9, 2025 tags: - real-time @@ -5851,9 +4183,6 @@ - partnerships - local: pai-6-month - title: "4M Models Scanned: Protect AI + Hugging Face 6 Months In" - author: sean-pai - thumbnail: /blog/assets/pai-6-month/thumbnail.png date: April 14, 2025 tags: - hub @@ -5861,9 +4190,6 @@ - security - local: hugging-face-pollen-robotics-acquisition - title: "Hugging Face to sell open-source robots thanks to Pollen Robotics acquisition 🤖" - author: thomwolf - thumbnail: /blog/assets/hugging-face-pollen-robotics-acquisition/hf-pollen.png date: April 14, 2025 tags: - robotics @@ -5871,9 +4197,6 @@ - announcement - local: helmet - title: "Introducing HELMET" - author: hyen - thumbnail: /blog/assets/helmet/thumbnail.png date: April 16, 2025 tags: - long-context @@ -5884,9 +4207,6 @@ - intel - local: inference-providers-cohere - title: "Cohere on Hugging Face Inference Providers 🔥" - author: burtenshaw - thumbnail: /blog/assets/inference-providers-cohere/thumbnail.png date: April 16, 2025 tags: - llms @@ -5897,9 +4217,6 @@ - hub - local: why-gradio-stands-out - title: "17 Reasons Why Gradio Isn't Just Another UI Library" - author: ysharma - thumbnail: /blog/assets/why-gradio-stands-out/thumbnail.png date: April 16, 2025 tags: - gradio @@ -5909,9 +4226,6 @@ - development - production - local: autoround - title: "Introducing AutoRound: Intel’s Advanced Quantization for LLMs and VLMs" - author: wenhuach - thumbnail: /blog/assets/autoround/thumbnail.png date: April 29, 2025 tags: - llms @@ -5920,9 +4234,6 @@ - intel - local: tiny-agents - title: "Tiny Agents: a MCP-powered agent in 50 lines of code" - author: julien-c - thumbnail: /blog/assets/tiny-agents/thumbnail.jpg date: April 25, 2025 tags: - agents @@ -5930,9 +4241,6 @@ - inference - local: qwen-3-chat-template-deep-dive - title: "The 4 Things Qwen-3's Chat Template Teaches Us" - author: cfahlgren1 - thumbnail: /blog/assets/qwen-3-chat-template-deep-dive/thumbnail.png date: April 30, 2025 tags: - qwen @@ -5940,9 +4248,6 @@ - llms - local: llama-guard-4 - title: "Welcoming Llama Guard 4 on Hugging Face Hub" - author: merve - thumbnail: /blog/assets/llama-guard-4/thumbnail.png date: April 29, 2025 tags: - llama @@ -5951,9 +4256,6 @@ - vlm - local: gradio-mcp - title: "How to Build an MCP Server with Gradio" - author: abidlabs - thumbnail: /blog/assets/gradio-mcp/thumbnail.png date: April 30, 2025 tags: - gradio @@ -5961,9 +4263,6 @@ - llm - local: lerobot-datasets - title: "LeRobot Community Datasets: The “ImageNet” of Robotics — When and How?" - author: danaaubakirova - thumbnail: /blog/assets/195_lerobot_datasets/1.png date: May 11, 2025 tags: - lerobot @@ -5972,9 +4271,6 @@ - hub - local: vlms-2025 - title: "Vision Language Models (Better, Faster, Stronger)" - author: merve - thumbnail: /blog/assets/vlms2/vlms2.png date: May 12, 2025 tags: - vlm @@ -5984,9 +4280,6 @@ - research - local: fast-whisper-endpoints - title: "Blazingly fast whisper transcriptions with Inference Endpoints" - author: mfuntowicz - thumbnail: /blog/assets/fast-whisper-endpoints/thumbnail.png date: May 13, 2025 tags: - guide @@ -5997,18 +4290,12 @@ - whisper - local: kaggle-integration - title: "Improving Hugging Face Model Access for Kaggle Users" - author: roseberryv - thumbnail: /blog/assets/kaggle-integration/thumbnail.png date: May 14, 2025 tags: - community - announcement - local: transformers-model-definition - title: "The Transformers Library: standardizing model definitions" - author: lysandre - thumbnail: /blog/assets/transformers-model-definition/transformers-thumbnail.png date: May 15, 2025 tags: - community @@ -6016,9 +4303,6 @@ - transformers - local: azure-ai-foundry - title: "Microsoft and Hugging Face expand collaboration" - author: jeffboudier - thumbnail: /blog/assets/azure-ai-foundry/satya-hf-build-compressed.png date: May 19, 2025 tags: - partnership @@ -6026,9 +4310,6 @@ - azure - local: nanovlm - title: "nanoVLM: The simplest repository to train your VLM in pure PyTorch" - author: ariG23498 - thumbnail: /blog/assets/nanovlm/thumbnail.png date: May 21, 2025 tags: - vlm @@ -6040,9 +4321,6 @@ - open - local: diffusers-quantization - title: "Exploring Quantization Backends in Diffusers" - thumbnail: /blog/assets/diffusers-quantization/thumbnail.png - author: derekl35 date: May 21, 2025 tags: - guide @@ -6051,9 +4329,6 @@ - flux - local: python-tiny-agents - title: "Tiny Agents in Python: a MCP-powered agent in ~70 lines of code" - author: celinah - thumbnail: /blog/assets/python-tiny-agents/thumbnail.png date: May 23, 2025 tags: - agents @@ -6062,9 +4337,6 @@ - mcp - local: dell-ai-applications - title: "Dell Enterprise Hub is all you need to build AI on premises" - author: jeffboudier - thumbnail: /blog/assets/dell-ai-applications/dell-post-thumbnail.png date: May 23, 2025 tags: - dell @@ -6072,10 +4344,7 @@ - partnerships - local: liger-grpo - title: "🐯 Liger GRPO meets TRL" - author: shisahni guest: true - thumbnail: /blog/assets/liger-grpo/thumbnail.png date: May 25, 2025 tags: - liger @@ -6085,9 +4354,6 @@ - llm - local: structured-codeagent - title: "CodeAgents + Structure: A Better Way to Execute Actions" - author: akseljoonas - thumbnail: /blog/assets/structured-codeagent/thumbnail-codeagent.png date: May 28, 2025 tags: - agents @@ -6098,10 +4364,7 @@ - community - local: vllm-colocate - title: "No GPU left behind: Unlocking Efficiency with Co-located vLLM in TRL" - author: toslali-ibm guest: true - thumbnail: /blog/assets/vllm-colocate/thumbnail.png date: June 3, 2025 tags: - vllm @@ -6111,9 +4374,6 @@ - rlhf - local: smolvla - title: "SmolVLA: Efficient Vision-Language-Action Model trained on Lerobot Community Data" - author: danaaubakirova - thumbnail: /blog/assets/smolvla/SmolVLA_thumbnail.png date: Jun 3, 2025 tags: - smolvla @@ -6124,9 +4384,6 @@ - community - local: kv-cache - title: "KV Cache from scratch in nanoVLM" - author: ariG23498 - thumbnail: /blog/assets/kv-cache/thumbnail.png date: Jun 4, 2025 tags: - generate @@ -6136,9 +4393,6 @@ - nanovlm - local: screensuite - title: "ScreenSuite - The most comprehensive evaluation suite for GUI Agents!" - author: a-mahla - thumbnail: /blog/assets/screensuite/thumbnail.png date: Jun 6, 2025 tags: - screensuite @@ -6148,9 +4402,6 @@ - vlm - local: nvidia-training-cluster - title: "Introducing Training Cluster as a Service - a new collaboration with NVIDIA" - author: jeffboudier - thumbnail: /blog/assets/nvidia-training-cluster/nvidia-training-cluster-thumbnail-compressed.png date: Jun 11, 2025 tags: - nvidia @@ -6159,9 +4410,6 @@ - announcement - local: inference-providers-featherless - title: "Featherless AI on Hugging Face Inference Providers 🔥" - author: sbrandeis - thumbnail: /blog/assets/inference-providers/welcome-featherless.jpg date: Jun 12, 2025 tags: - llms @@ -6173,9 +4421,6 @@ - hub - local: hello-hf-kernels - title: "Enhance Your Models in 5 Minutes with the Hugging Face Kernel Hub" - author: drbh - thumbnail: /blog/assets/hello-hf-kernels/kernel-hub-five-mins-short-21.png date: June 12, 2025 tags: - guide @@ -6185,9 +4430,6 @@ - performance - local: inference-providers-groq - title: "Groq on Hugging Face Inference Providers 🔥" - author: sbrandeis - thumbnail: /blog/assets/inference-providers/welcome-groq.jpg date: Jun 16, 2025 tags: - llms @@ -6198,9 +4440,6 @@ - hub - local: flux-qlora - title: "(LoRA) Fine-Tuning FLUX.1-dev on Consumer Hardware" - thumbnail: /blog/assets/flux-qlora/thumbnail.png - author: derekl35 date: Jun 19, 2025 tags: - guide @@ -6210,9 +4449,6 @@ - lora - local: transformers-backend-sglang - title: "Transformers backend integration in SGLang" - thumbnail: /blog/assets/196_transformers_backend_sglang/thumbnail.jpg - author: marcsun13 date: Jun 23, 2025 tags: - transformers @@ -6221,9 +4457,6 @@ - integration - local: gemma3n - title: "Gemma 3n fully available in the open-source ecosystem!" - author: ariG23498 - thumbnail: /blog/assets/gemma3n/thumbnail.png date: Jun 26, 2025 tags: - audio @@ -6235,9 +4468,6 @@ - multimodal - local: train-sparse-encoder - title: "Training and Finetuning Sparse Embedding Models with Sentence Transformers v5" - author: tomaarsen - thumbnail: /blog/assets/train-sentence-transformers/st-hf-thumbnail.png date: Jul 1, 2025 tags: - nlp @@ -6246,9 +4476,6 @@ - open-source - local: mmdp - title: "Efficient MultiModal Data Pipeline" - author: ariG23498 - thumbnail: /blog/assets/mmdp/thumbnail.png date: Jul 8, 2025 tags: - vlm @@ -6259,18 +4486,12 @@ - open - local: infrastructure-alerting - title: "Three Mighty Alerts Supporting Hugging Face’s Production Infrastructure" - author: jcudit - thumbnail: /blog/assets/infrastructure-alerting/thumbnail.jpg date: July 8, 2025 tags: - cloud - infrastructure - local: smollm3 - title: "SmolLM3: smol, multilingual, long-context reasoner" - author: loubnabnl - thumbnail: /blog/assets/smollm3/image.png date: July 8, 2025 tags: - llm @@ -6280,9 +4501,6 @@ - research - local: gradio-mcp-servers - title: "Upskill your LLMs with Gradio MCP Servers" - author: freddyaboulton - thumbnail: /blog/assets/upskill-llms-with-gradio-mcp/UpskillThumbnail.png date: July 9, 2025 tags: - gradio @@ -6290,9 +4508,6 @@ - llm - local: mi300kernels - title: "Creating custom kernels for the AMD MI300" - author: ror - thumbnail: /blog/assets/mi300kernels/thumbnail.png date: Jul 9, 2025 tags: - kernels @@ -6301,9 +4516,6 @@ - optimization - local: reachy-mini - title: "Reachy Mini - The Open-Source Robot for Today's and Tomorrow's AI Builders" - author: thomwolf - thumbnail: /blog/assets/reachy-mini/thumbnail.jpg date: July 9, 2025 tags: - robotics @@ -6311,9 +4523,6 @@ - open-source - local: building-hf-mcp - title: "Building the Hugging Face MCP Server" - author: evalstate - thumbnail: /blog/assets/building-hf-mcp/building-hf-mcp.png date: July 10, 2025 tags: - community @@ -6323,9 +4532,6 @@ - multimodal - local: screenenv - title: "ScreenEnv: Deploy your full stack Desktop Agent" - author: A-Mahla - thumbnail: /blog/assets/screenenv/screenenv.png date: July 10, 2025 tags: - agents @@ -6335,9 +4541,6 @@ - mcp - local: async-robot-inference - title: "Asynchronous Robot Inference: Decoupling Action Prediction and Execution" - author: fracapuano - thumbnail: /blog/assets/async_inference/thumbnail_async_blog.png date: Jul 10, 2025 tags: - lerobot @@ -6346,9 +4549,6 @@ - open-source - local: migrating-the-hub-to-xet - title: "Migrating the Hub from Git LFS to Xet" - author: jsulz - thumbnail: /blog/assets/migrating-the-hub-to-xet/thumbnail.png date: Jul 15, 2025 tags: - storage @@ -6357,9 +4557,6 @@ - xet - local: ettin - title: "Seq vs Seq: the Ettin Suite of Paired Encoders and Decoders" - author: orionweller - thumbnail: /blog/assets/ettin/thumbnail.png date: July 16, 2025 tags: - llm @@ -6369,9 +4566,6 @@ - open-source-collab - local: gradio-mcp-updates - title: "Five Big Improvements to Gradio MCP Servers" - author: freddyaboulton - thumbnail: /blog/assets/gradio-mcp-updates/5_mcp_improvements.png date: Jul 17, 2025 tags: - gradio @@ -6380,9 +4574,6 @@ - open-source - local: futurebench - title: "Back to The Future: Evaluating AI Agents on Predicting Future Events" - thumbnail: /blog/assets/futurebench/leaderboard.png - author: vinid guest: true date: July 17, 2025 tags: @@ -6391,10 +4582,7 @@ - ai - local: consilium-multi-llm - title: "Consilium: When Multiple LLMs Collaborate" - author: azettl guest: true - thumbnail: /blog/assets/consilium-multi-llm/thumbnail.png date: Jul 17, 2025 tags: - multi-agents @@ -6403,18 +4591,12 @@ - mcp - local: virtual-cell-challenge - title: "Arc Virtual Cell Challenge: A Primer" - thumbnail: /blog/assets/virtual-cell-challenge/thumbnail.png - author: FL33TW00D-HF date: July 18, 2025 tags: - collaboration - guide - local: lora-fast - title: "Fast LoRA inference for Flux with Diffusers and PEFT" - thumbnail: /blog/assets/lora-fast/thumbnail.png - author: sayakpaul date: July 23, 2025 tags: - lora @@ -6422,9 +4604,6 @@ - guide - local: timescope-video-lmm-benchmark - title: "TimeScope: How Long Can Your Video Large Multimodal Model Go?" - author: orrzohar - thumbnail: /blog/assets/timescope/thumbnail.png date: Jul 23, 2025 tags: - video @@ -6434,9 +4613,6 @@ - benchmark - local: parquet-cdc - title: "Parquet Content-Defined Chunking" - author: kszucs - thumbnail: /blog/assets/parquet-cdc/thumbnail.png date: July 25, 2025 tags: - data @@ -6448,9 +4624,6 @@ - xet - local: hf-cli - title: "Say hello to `hf`: a faster, friendlier Hugging Face CLI ✨" - author: Wauplin - thumbnail: /blog/assets/hf-cli-thumbnail.png date: Jul 25, 2025 tags: - cli @@ -6458,9 +4631,6 @@ - python - local: trackio - title: "Introducing Trackio: A Lightweight Experiment Tracking Library from Hugging Face" - thumbnail: /blog/assets/trackio/thumbnail.gif - author: abidlabs date: July 29, 2025 tags: - research @@ -6468,9 +4638,6 @@ - open-source - local: gradio-vton-mcp - title: "Build an AI Shopping Assistant with Gradio MCP Servers" - author: freddyaboulton - thumbnail: /blog/assets/gradio-vton-mcp/AiAssistantTitle.png date: Jul 31, 2025 tags: - gradio @@ -6479,9 +4646,6 @@ - open-source - local: welcome-openai-gpt-oss - title: "Welcome GPT OSS, the new open-source model family from OpenAI!" - author: reach-vb - thumbnail: /blog/assets/openai/openai-hf-thumbnail.png date: Aug 5, 2025 tags: - openai @@ -6492,9 +4656,6 @@ - community - local: trl-vlm-alignment - title: "Vision Language Model Alignment in TRL ⚡️" - author: sergiopaniego - thumbnail: /blog/assets/trl_vlm/thumbnail.png date: Aug 7, 2025 tags: - trl @@ -6502,9 +4663,6 @@ - vision - local: filbench - title: "🇵🇭 FilBench - Can LLMs Understand and Generate Filipino?" - author: ljvmiranda921 - thumbnail: /blog/assets/filbench/thumbnail.png date: Aug 12, 2025 tags: - open-source @@ -6517,9 +4675,6 @@ - philippines - local: accelerate-nd-parallel - title: "Accelerate ND-Parallel: A Guide to Efficient Multi-GPU Training" - author: siro1 - thumbnail: /blog/assets/accelerate-nd-parallel/thumbnail.png date: August 8, 2025 tags: - transformers @@ -6527,9 +4682,6 @@ - guide - local: aisheets - title: "Introducing AI Sheets: a tool to work with datasets using open AI models!" - author: dvilasuero - thumbnail: /blog/assets/aisheets/aisheets-thumb.gif date: Aug 8, 2025 tags: - datasets @@ -6537,10 +4689,7 @@ - community - local: textquests - title: "TextQuests: How Good are LLMs at Text-Based Video Games?" - author: justinphan3110 guest: true - thumbnail: /blog/assets/textquests/thumbnail.gif date: Aug 12, 2025 tags: - research @@ -6549,9 +4698,6 @@ - agents - local: mcp-for-research - title: "MCP for Research: How to Connect AI to Research Tools" - author: dylanebert - thumbnail: /blog/assets/mcp-for-research/thumbnail.png date: Aug 18, 2025 tags: - mcp @@ -6559,9 +4705,6 @@ - guide - local: kernel-builder - title: "From Zero to GPU: A Guide to Building and Scaling Production-Ready CUDA Kernels" - author: drbh - thumbnail: /blog/assets/kernel-builder/kernel-builder.png date: Aug 18, 2025 tags: - kernels @@ -6571,9 +4714,6 @@ - optimization - local: claude-and-mcp - title: Generate Images with Claude and Hugging Face - author: evalstate - thumbnail: /blog/assets/claude-and-mcp/thumbnail.png date: Aug 19, 2025 tags: - mcp @@ -6583,9 +4723,6 @@ - text-to-image - local: zerogpu-aoti - title: "Make your ZeroGPU Spaces go brrr with PyTorch ahead-of-time compilation" - author: cbensimon - thumbnail: /blog/assets/zerogpu-aoti/thumbnail.png date: Sep 2, 2025 tags: - spaces @@ -6598,9 +4735,6 @@ - image-to-video - local: embeddinggemma - title: "Welcome EmbeddingGemma, Google's new efficient embedding model" - author: tomaarsen - thumbnail: /blog/assets/embeddinggemma/thumbnail.png date: Sep 4, 2025 tags: - open-source @@ -6609,9 +4743,6 @@ - guide - local: mmbert - title: "mmBERT: ModernBERT goes Multilingual" - author: orionweller - thumbnail: /blog/assets/mmbert/thumbnail.png date: Sep 9, 2025 tags: - llm @@ -6621,9 +4752,6 @@ - open-source-collab - local: jupyter-agent-2 - title: "Jupyter Agents: training LLMs to reason with notebooks" - author: baptistecolle - thumbnail: /blog/assets/jupyter-agent-2/thumbnail.png date: Sep 10, 2025 tags: - agents @@ -6633,9 +4761,6 @@ - research - local: faster-transformers - title: "Tricks from OpenAI gpt-oss YOU 🫵 can use with transformers" - author: ariG23498 - thumbnail: /blog/assets/faster-transformers/thumbnail.png date: Sep 11, 2025 tags: - transformers @@ -6644,9 +4769,6 @@ - guide - local: watermarking-with-gradio - title: "Visible Watermarking with Gradio" - author: meg - thumbnail: /blog/assets/watermarking-with-gradio/thumbnail.png date: Sep 15, 2025 tags: - ethics @@ -6656,9 +4778,6 @@ - text-to-video - local: lerobot-datasets-v3 - title: "`LeRobotDataset`: Bringing large-scale datasets to lerobot" - author: fracapuano - thumbnail: /blog/assets/lerobot-dataset-v3/thumbnail.png date: Sep 16, 2025 tags: - lerobot @@ -6666,9 +4785,6 @@ - robotics - local: inference-providers-publicai - title: "Public AI on Hugging Face Inference Providers 🔥" - author: sbrandeis - thumbnail: /blog/assets/inference-providers/welcome-publicai.jpg date: Sep 17, 2025 tags: - llms @@ -6679,9 +4795,6 @@ - hub - local: riskrubric - title: "Democratizing AI Safety with RiskRubric.ai" - author: galmo-noma - thumbnail: /blog/assets/riskrubric/thumbnail.png date: Sep 18, 2025 tags: - llms @@ -6689,9 +4802,6 @@ - partnerships - local: inference-providers-scaleway - title: "Scaleway on Hugging Face Inference Providers 🔥" - author: sbrandeis - thumbnail: /blog/assets/inference-providers/welcome-scaleway.jpg date: Sep 19, 2025 tags: - llms @@ -6702,9 +4812,6 @@ - hub - local: gaia2 - title: "Gaia2 and ARE: Empowering the community to study agents" - author: clefourrier - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_mare_gaia2.png date: Sep 22, 2025 tags: - leaderboards @@ -6713,9 +4820,6 @@ - evaluation - local: smol2operator - title: "Smol2Operator: Post-Training GUI Agents for Computer Use" - author: A-Mahla - thumbnail: /blog/assets/smol2operator/thumbnail.png date: Sep 23, 2025 tags: - agents @@ -6730,9 +4834,6 @@ - open-source - local: swift-transformers - title: "Swift Transformers Reaches 1.0 — and Looks to the Future" - author: pcuenq - thumbnail: /blog/assets/swift-transformers/swift-transformers-thumb.png date: Sep 26, 2025 tags: - swift @@ -6742,9 +4843,6 @@ - apple - local: vibegame - title: "VibeGame: Exploring Vibe Coding Games" - author: dylanebert - thumbnail: /blog/assets/vibegame/thumbnail.png date: Sep 29, 2025 tags: - guide @@ -6754,9 +4852,6 @@ - web - local: intel-qwen3-agent - title: "Accelerating Qwen3-8B Agent on Intel® Core™ Ultra with Depth-Pruned Draft Models" - author: imargulis - thumbnail: /blog/assets/intel-qwen3-agent/smolagents-1300-650.png date: Sep 29, 2025 tags: - llm @@ -6766,10 +4861,7 @@ - hub - local: rteb - title: "Introducing RTEB: A New Standard for Retrieval Evaluation" - author: fzliu guest: true - thumbnail: /blog/assets/rteb/thumbnail.png date: Oct 1, 2025 tags: - nlp @@ -6780,18 +4872,12 @@ - research - local: dots-ocr-ne - title: "SOTA OCR on-device with Core ML and dots.ocr" - author: FL33TW00D-HF - thumbnail: /blog/assets/dots-ocr-ne/dots_header.png date: Oct 2, 2025 tags: - coreml - apple - local: openvino-vlm - title: "Get your VLM running in 3 simple steps on Intel CPUs" - author: ezelanza - thumbnail: /blog/assets/optimum_intel/optimum_openvino_thumbnail.png date: Oct 15, 2025 tags: - intel @@ -6800,27 +4886,18 @@ - inference - local: lerobot-release-v040 - title: "LeRobot v0.4.0: Supercharging OSS Robot Learning" - author: imstevenpmwork - thumbnail: /blog/assets/lerobot-release-v040/thumbnail.png date: Oct 24, 2025 tags: - lerobot - robotics - local: lerobotxnvidia-healthcare - title: "Building a Healthcare Robot from Simulation to Deployment with NVIDIA Isaac" - author: imstevenpmwork - thumbnail: /blog/assets/lerobotxnvidia-healthcare/thumbnail.png date: Oct 29, 2025 tags: - lerobot - robotics - local: gpt-oss-on-intel-xeon - title: "Google Cloud C4 Brings a 70% TCO improvement on GPT OSS with Intel and Hugging Face" - author: Jiqing - thumbnail: /blog/assets/optimum_intel/intel_thumbnail.png date: Oct 16, 2025 tags: - intel @@ -6830,9 +4907,6 @@ - LLM - local: aisheets-unlock-images - title: "Unlock the power of images with AI Sheets" - author: dvilasuero - thumbnail: /blog/assets/aisheets/aisheets-image.png date: Oct 21, 2025 tags: - datasets @@ -6840,9 +4914,6 @@ - vision - local: ocr-open-models - title: "Supercharge your OCR Pipelines with Open Models" - author: merve - thumbnail: /blog/assets/ocr-open-models/thumbnail.png date: Oct 21, 2025 tags: - ocr @@ -6852,9 +4923,6 @@ - open-source - local: sentence-transformers-joins-hf - title: "Sentence Transformers is joining Hugging Face!" - author: tomaarsen - thumbnail: /blog/assets/sentence-transformers-joins-hf/thumbnail.png date: Oct 22, 2025 tags: - announcement @@ -6863,9 +4931,6 @@ - community - local: virustotal - title: "Hugging Face and VirusTotal collaborate to strengthen AI security" - author: XciD - thumbnail: /blog/assets/virustotal/thumbnail.png date: October 22, 2025 tags: - hub @@ -6873,9 +4938,6 @@ - security - local: openenv - title: "Building the Open Agent Ecosystem Together: Introducing OpenEnv" - author: spisakjo - thumbnail: /blog/assets/openenv/thumbnail.png date: Oct 23, 2025 tags: - announcement @@ -6885,9 +4947,6 @@ - rl - local: huggingface-hub-v1 - title: "huggingface_hub v1.0: Five Years of Building the Foundation of Open Machine Learning" - author: Wauplin - thumbnail: /blog/assets/huggingface-hub-v1/thumbnail.png date: Oct 27, 2025 tags: - huggingface_hub @@ -6897,9 +4956,6 @@ - hub - local: streaming-datasets - title: "Streaming datasets: 100x More Efficient" - author: andito - thumbnail: /blog/assets/streaming_datasets/streaming_datasets.png date: Oct 27, 2025 tags: - datasets @@ -6912,9 +4968,6 @@ - storage - local: voice-consent-gate - title: "Voice Cloning with Consent" - author: meg - thumbnail: /blog/assets/voice-consent-gate/thumbnail.png date: Oct 28, 2025 tags: - ethics diff --git a/accelerated-inference.md b/accelerated-inference.md index ad6d017053..42a5fcf248 100644 --- a/accelerated-inference.md +++ b/accelerated-inference.md @@ -1,6 +1,8 @@ --- -title: "How we sped up transformer inference 100x for 🤗 API customers" +title: How we sped up transformer inference 100x for 🤗 API customers thumbnail: /blog/assets/09_accelerated_inference/thumbnail.png +authors: +- user: Narsil --- # How we sped up transformer inference 100x for 🤗 API customers diff --git a/bert-cpu-scaling-part-2.md b/bert-cpu-scaling-part-2.md index 49a9dc0b8d..c09ae19830 100644 --- a/bert-cpu-scaling-part-2.md +++ b/bert-cpu-scaling-part-2.md @@ -1,5 +1,6 @@ --- -title: "Scaling up BERT-like model Inference on modern CPU - Part 2" +title: Scaling up BERT-like model Inference on modern CPU - Part 2 +thumbnail: /blog/assets/35_bert_cpu_scaling_part_2/openmp.png authors: - user: echarlaix - user: jeffboudier diff --git a/community-update.md b/community-update.md index 289ffe57fc..ca13ba3d83 100644 --- a/community-update.md +++ b/community-update.md @@ -1,6 +1,8 @@ --- title: Introducing Pull Requests and Discussions 🥳 thumbnail: /blog/assets/76_community_update/thumbnail.png +authors: +- user: victor --- # Introducing Pull Requests and Discussions 🥳 diff --git a/debate.md b/debate.md index 3a82497306..cebaba5770 100644 --- a/debate.md +++ b/debate.md @@ -1,5 +1,5 @@ --- -title: "Letting Large Models Debate: The First Multilingual LLM Debate Competition" +title: 'Letting Large Models Debate: The First Multilingual LLM Debate Competition' authors: - user: xuanricheng guest: true @@ -35,6 +35,7 @@ authors: org: Huggingface - user: clefourrier org: Huggingface +thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_flageval.png --- # Letting Large Models Debate: The First Multilingual LLM Debate Competition diff --git a/deploy-hugging-face-models-easily-with-amazon-sagemaker.md b/deploy-hugging-face-models-easily-with-amazon-sagemaker.md index 967b38e9b4..ac90d37585 100644 --- a/deploy-hugging-face-models-easily-with-amazon-sagemaker.md +++ b/deploy-hugging-face-models-easily-with-amazon-sagemaker.md @@ -1,6 +1,8 @@ --- -title: 'Deploy Hugging Face models easily with Amazon SageMaker' +title: Deploy Hugging Face models easily with Amazon SageMaker thumbnail: /blog/assets/17_the_partnership_amazon_sagemaker_and_hugging_face/thumbnail.png +authors: +- user: philschmid --- hugging-face-and-aws-logo diff --git a/deploy-with-openvino.md b/deploy-with-openvino.md index 83920301ed..b607ef01a0 100644 --- a/deploy-with-openvino.md +++ b/deploy-with-openvino.md @@ -20,6 +20,7 @@ authors: guest: true org: Intel - user: echarlaix +thumbnail: /blog/assets/deploy-with-openvino/openvino_genai_workflow.png --- # Optimize and deploy models with Optimum-Intel and OpenVINO GenAI diff --git a/few-shot-learning-gpt-neo-and-inference-api.md b/few-shot-learning-gpt-neo-and-inference-api.md index 94b08c0b17..a03c191916 100644 --- a/few-shot-learning-gpt-neo-and-inference-api.md +++ b/few-shot-learning-gpt-neo-and-inference-api.md @@ -1,8 +1,8 @@ --- title: 'Few-shot learning in practice: GPT-Neo and the 🤗 Accelerated Inference API' -# thumbnail: /blog/assets/22_few_shot_learning_gpt_neo_and_inference_api/thumbnail.png authors: - user: philschmid +thumbnail: /blog/assets/22_few_shot_learning_gpt_neo_and_inference_api/few-shot-prompt.png --- # Few-shot learning in practice: GPT-Neo and the 🤗 Accelerated Inference API diff --git a/fr/_blog.yml b/fr/_blog.yml index b71b3ee4ff..4d6ea1c1ee 100644 --- a/fr/_blog.yml +++ b/fr/_blog.yml @@ -1,9 +1,6 @@ # "thumbnail" attribute can be GIFs while in the blogpost itself it's better if it's a simple bitmap (because it will be used as a social thumbnail) # make sure to optimize your "thumbnail" img with tinypng.com - local: open-llm-leaderboard-mmlu - title: "Que se passe-t-il avec l'Open LLM Leaderboard ?" - author: clefourrier - thumbnail: /blog/assets/evaluating-mmlu-leaderboard/thumbnail.png date: June 23, 2023 tags: - community @@ -14,9 +11,6 @@ - leaderboard - local: open-llm-leaderboard-drop - title: "Open LLM Leaderboard : plongée dans le jeu de données DROP" - author: clefourrier - thumbnail: /blog/assets/evaluating-mmlu-leaderboard/thumbnail.png date: December 1, 2023 tags: - community @@ -27,10 +21,7 @@ - leaderboard - local: evaluation-structured-outputs - title: "Améliorer la stabilité des instructions grâce à la génération structurée" - author: willkurt guest: true - thumbnail: /blog/assets/evaluating-mmlu-leaderboard/thumbnail.png date: Apr 30, 2024 tags: - evaluation diff --git a/galore.md b/galore.md index 81ad334595..a0faa2fee9 100644 --- a/galore.md +++ b/galore.md @@ -1,5 +1,5 @@ --- -title: "GaLore: Advancing Large Model Training on Consumer-grade Hardware" +title: 'GaLore: Advancing Large Model Training on Consumer-grade Hardware' authors: - user: Titus-von-Koeller - user: jiaweizhao @@ -13,6 +13,7 @@ authors: - user: amyeroberts - user: smangrul - user: BenjaminB +thumbnail: /blog/assets/galore_introduction/thumbnail.png --- # GaLore: Advancing Large Model Training on Consumer-grade Hardware diff --git a/gradient_accumulation.md b/gradient_accumulation.md index 415cc570c2..698cbc6862 100644 --- a/gradient_accumulation.md +++ b/gradient_accumulation.md @@ -1,4 +1,3 @@ - --- title: "Fixing Gradient Accumulation" thumbnail: /blog/assets/gradient_accumulation/gradient_accumulation.png diff --git a/graphml-classification.md b/graphml-classification.md index c6baf22a04..a883a07e49 100644 --- a/graphml-classification.md +++ b/graphml-classification.md @@ -1,6 +1,8 @@ --- -title: "Graph Classification with Transformers" +title: Graph Classification with Transformers thumbnail: /blog/assets/125_intro-to-graphml/thumbnail_classification.png +authors: +- user: clefourrier --- # Graph classification with Transformers diff --git a/hardware-partners-program.md b/hardware-partners-program.md index b983599a8b..c9cf8a43a8 100644 --- a/hardware-partners-program.md +++ b/hardware-partners-program.md @@ -1,10 +1,11 @@ --- -title: "Introducing Optimum: The Optimization Toolkit for Transformers at Scale" +title: 'Introducing Optimum: The Optimization Toolkit for Transformers at Scale' authors: - user: mfuntowicz - user: echarlaix - user: michaelbenayoun - user: jeffboudier +thumbnail: /blog/assets/25_hardware_partners_program/carbon_inc_quantizer.png --- diff --git a/image-preferences.md b/image-preferences.md index 4b38f2b994..ae4aa01454 100644 --- a/image-preferences.md +++ b/image-preferences.md @@ -1,4 +1,3 @@ - --- title: "Open Preference Dataset for Text-to-Image Generation by the 🤗 Community" thumbnail: /blog/assets/image_preferences/thumbnail.png diff --git a/inference-providers-nebius-novita-hyperbolic.md b/inference-providers-nebius-novita-hyperbolic.md index 9791cc7a5d..331fb22877 100644 --- a/inference-providers-nebius-novita-hyperbolic.md +++ b/inference-providers-nebius-novita-hyperbolic.md @@ -1,5 +1,6 @@ --- -title: "Introducing Three New Serverless Inference Providers: Hyperbolic, Nebius AI Studio, and Novita 🔥" +title: 'Introducing Three New Serverless Inference Providers: Hyperbolic, Nebius AI + Studio, and Novita 🔥' thumbnail: /blog/assets/inference-providers/second-batch-thumbnail.webp authors: - user: julien-c diff --git a/ml-director-insights-4.md b/ml-director-insights-4.md index 18fa3adb02..f32d0616f4 100644 --- a/ml-director-insights-4.md +++ b/ml-director-insights-4.md @@ -1,6 +1,8 @@ --- -title: "Director of Machine Learning Insights [Part 4]" +title: Director of Machine Learning Insights [Part 4] thumbnail: /blog/assets/78_ml_director_insights/part4.png +authors: +- user: Violette --- diff --git a/ml-web-games.md b/ml-web-games.md index 19505d44c6..881fc14a22 100644 --- a/ml-web-games.md +++ b/ml-web-games.md @@ -1,4 +1,3 @@ - --- title: "Making ML-powered web games with Transformers.js" thumbnail: /blog/assets/ml-web-games/thumbnail.png diff --git a/scripts/validate-yaml.ts b/scripts/validate-yaml.ts index 2a2e9c63ea..7a0a378570 100644 --- a/scripts/validate-yaml.ts +++ b/scripts/validate-yaml.ts @@ -29,9 +29,6 @@ for (const lang of ["", "zh/"]) { z.array(z.object({ local: z.enum([...localMdFiles] as [string, ...string[]]), - title: z.string(), - thumbnail: z.string().optional(), - author: z.string(), guest: z.boolean().optional(), date: z.string(), tags: z.array(z.string()), @@ -47,4 +44,41 @@ for (const lang of ["", "zh/"]) { label: z.string(), })).parse(parse(Deno.readTextFileSync("../" + relativePath))); } + + { + console.log(`Validating ${lang}blog post frontmatter`); + + const localMdFiles = [...Deno.readDirSync("../" + lang)].map((entry) => + entry.name + ).filter((name) => name.endsWith(".md")); + + const frontmatterSchema = z.object({ + title: z.string(), + thumbnail: z.string().regex(/\.(jpg|jpeg|gif|png|webp)$/i, "Thumbnail must end with .jpg, .jpeg, .gif, .png, or .webp"), + authors: z.array(z.object({ + user: z.string(), + })), + }); + + for (const mdFile of localMdFiles) { + // Skip special files + if (mdFile === "README.md" || mdFile === "CONTRIBUTING.md") { + continue; + } + + const content = Deno.readTextFileSync("../" + lang + mdFile); + const frontmatterMatch = content.match(/^---\r?\n([\s\S]*?)\r?\n---/); + + if (!frontmatterMatch) { + throw new Error(`No frontmatter found in ${lang}${mdFile}`); + } + + try { + frontmatterSchema.parse(parse(frontmatterMatch[1])); + } catch (error) { + console.error(`Error in ${lang}${mdFile}:`, error); + throw error; + } + } + } } diff --git a/sentence-transformers-in-the-hub.md b/sentence-transformers-in-the-hub.md index 9aed4e32f7..7a8c587090 100644 --- a/sentence-transformers-in-the-hub.md +++ b/sentence-transformers-in-the-hub.md @@ -1,8 +1,9 @@ --- -title: "Sentence Transformers in the Hugging Face Hub" +title: Sentence Transformers in the Hugging Face Hub authors: - user: osanseviero - user: nreimers +thumbnail: /blog/assets/95_training_st_models/thumbnail.png --- # Sentence Transformers in the Hugging Face Hub diff --git a/the-partnership-amazon-sagemaker-and-hugging-face.md b/the-partnership-amazon-sagemaker-and-hugging-face.md index 89ccc0e778..9f9fc55594 100644 --- a/the-partnership-amazon-sagemaker-and-hugging-face.md +++ b/the-partnership-amazon-sagemaker-and-hugging-face.md @@ -1,6 +1,8 @@ --- title: 'The Partnership: Amazon SageMaker and Hugging Face' thumbnail: /blog/assets/17_the_partnership_amazon_sagemaker_and_hugging_face/thumbnail.png +authors: +- user: philschmid --- hugging-face-and-aws-logo diff --git a/voice-consent-gate.md b/voice-consent-gate.md index a48d0a625b..be9e211f00 100644 --- a/voice-consent-gate.md +++ b/voice-consent-gate.md @@ -1,6 +1,6 @@ --- -title: "Voice Cloning with Consent" -thumbnail: /blog/assets/voice-consent-gate/ +title: Voice Cloning with Consent +thumbnail: /blog/assets/voice-consent-gate/thumbnail.png authors: - user: meg - user: frimelle diff --git a/zh/_blog.yml b/zh/_blog.yml index 81cdbfe69b..7b07291390 100644 --- a/zh/_blog.yml +++ b/zh/_blog.yml @@ -1,52 +1,34 @@ - local: how-to-generate - title: 如何生成文本:通过 Transformers 用不同的解码方法生成文本 - author: patrickvonplaten - thumbnail: /blog/assets/02_how-to-generate/thumbnail.png date: March 1, 2020 tags: - guide - nlp - local: reformer - title: Reformer 模型 - 突破语言建模的极限 - author: patrickvonplaten - thumbnail: /blog/assets/03_reformer/thumbnail.png date: July 3, 2020 tags: - research - nlp - local: encoder-decoder - title: 基于 Transformers 的编码器-解码器模型 - author: patrickvonplaten - thumbnail: /blog/assets/05_encoder_decoder/thumbnail.png date: October 10, 2020 tags: - research - nlp - local: accelerated-inference - title: 如何成功将 🤗 API 客户的 transformer 模型推理速度加快 100 倍 - author: Narsil - thumbnail: /blog/assets/09_accelerated_inference/thumbnail.png date: January 18, 2021 tags: - analysis - nlp - local: long-range-transformers - title: 长程 transformer 模型 - author: VictorSanh - thumbnail: /blog/assets/14_long_range_transformers/EfficientTransformerTaxonomy.png date: March 09, 2021 tags: - research - nlp - local: big-bird - title: 深入理解 BigBird 的块稀疏注意力 - thumbnail: /blog/assets/18_big_bird/block-sparse-attn.gif - author: vasudevgupta guest: true date: March 31, 2021 tags: @@ -55,70 +37,46 @@ - nlp - local: the-age-of-ml-as-code - title: 机器学习即代码的时代已经到来 - author: juliensimon - thumbnail: /blog/assets/31_age_of_ml_as_code/01_entreprise_ml.png date: October 20, 2021 tags: - analysis - local: large-language-models - title: '大语言模型: 新的摩尔定律?' - author: juliensimon - thumbnail: /blog/assets/33_large_language_models/01_model_size.jpg date: October 26, 2021 tags: - analysis - nlp - local: pytorch-fsdp - title: 使用 PyTorch 完全分片数据并行技术加速大模型训练 - author: smangrul - thumbnail: /blog/assets/62_pytorch_fsdp/fsdp-thumbnail.png date: May 2, 2022 tags: - guide - local: constrained-beam-search - title: 在 🤗 Transformers 中使用约束波束搜索引导文本生成 - author: cwkeam guest: true - thumbnail: /blog/assets/53_constrained_beam_search/thumbnail.png date: March 11, 2022 tags: - guide - nlp - local: transformers-design-philosophy - title: 不要重复自己 - 🤗 Transformers 的设计理念 - author: patrickvonplaten - thumbnail: /blog/assets/59_transformers_philosophy/transformers.png date: April 5, 2022 tags: - community - local: getting-started-habana - title: 基于 Habana Gaudi 的 Transformers 入门 - author: juliensimon - thumbnail: /blog/assets/61_getting_started_habana/thumbnail.png date: April 26, 2022 tags: - partnerships - guide - local: bloom-megatron-deepspeed - title: BLOOM 训练背后的技术 - author: stas - thumbnail: /blog/assets/86_bloom_megatron_deepspeed/thumbnail.png date: July 14, 2022 tags: - nlp - llm - local: hf-bitsandbytes-integration - title: 大规模 Transformer 模型 8 比特矩阵乘简介 - 基于 Hugging Face Transformers、Accelerate 以及 bitsandbytes - author: ybelkada - thumbnail: /blog/assets/96_hf_bitsandbytes_integration/Thumbnail_blue.png date: August 17, 2022 tags: - nlp @@ -126,18 +84,12 @@ - quantization - local: megatron-training - title: 如何使用 Megatron-LM 训练语言模型 - author: loubnabnl - thumbnail: /blog/assets/100_megatron_training/thumbnail.png date: September 7, 2022 tags: - guide - nlp - local: bloom-inference-pytorch-scripts - title: 使用 DeepSpeed 和 Accelerate 进行超快 BLOOM 模型推理 - author: stas - thumbnail: /blog/assets/bloom-inference-pytorch-scripts/thumbnail.png date: Sep 16, 2022 tags: - nlp @@ -146,18 +98,12 @@ - inference - local: setfit - title: 'SetFit: 高效的无提示少样本学习' - author: Unso - thumbnail: /blog/assets/103_setfit/intel_hf_logo.png date: September 26, 2022 tags: - research - nlp - local: bloom-inference-optimization - title: '优化故事: BLOOM 模型推理' - author: Narsil - thumbnail: /blog/assets/bloom-inference-pytorch-scripts/thumbnail.png date: Oct 12, 2022 tags: - open-source-collab @@ -165,9 +111,6 @@ - research - local: pytorch-ddp-accelerate-transformers - title: 从 PyTorch DDP 到 Accelerate 到 Trainer,轻松掌握分布式训练 - author: muellerzr - thumbnail: /blog/assets/111_pytorch_ddp_accelerate_transformers/thumbnail.png date: October 21, 2022 tags: - guide @@ -175,18 +118,12 @@ - open-source-collab - local: fine-tune-whisper - title: 使用 🤗 Transformers 微调 Whisper 模型 - author: sanchit-gandhi - thumbnail: /blog/assets/111_fine_tune_whisper/thumbnail.jpg date: Nov 3, 2022 tags: - guide - audio - local: dreambooth - title: 使用 🧨 Diffusers 通过 Dreambooth 技术来训练 Stable Diffusion - author: valhalla - thumbnail: /blog/assets/sd_dreambooth_training/thumbnail.jpg date: November 7, 2022 tags: - diffusers @@ -196,9 +133,6 @@ - guide - local: introducing-csearch - title: 在 Transformers 中使用对比搜索生成可媲美人类水平的文本🤗 - author: yxuansu - thumbnail: /blog/assets/115_introducing_contrastive_search/thumbnail.png date: Nov 8, 2022 tags: - nlp @@ -206,36 +140,24 @@ - research - local: inference-update - title: Hugging Face 提供的推理 (Inference) 解决方案 - author: julsimon - thumbnail: /blog/assets/116_inference_update/widget.png date: Nov 21, 2022 tags: - guide - inference - local: document-ai - title: 加速 Document AI (文档智能) 发展 - author: rajistics - thumbnail: /blog/assets/112_document-ai/thumbnail.png date: Nov 21, 2022 tags: - guide - expert-acceleration-program - local: time-series-transformers - title: 使用 🤗 Transformers 进行概率时间序列预测 - author: nielsr - thumbnail: /blog/assets/118_time-series-transformers/thumbnail.png date: December 1, 2022 tags: - research - time-series - local: rlhf - title: ChatGPT 背后的「功臣」——RLHF 技术详解 - author: natolambert - thumbnail: /blog/assets/120_rlhf/thumbnail.png date: December 9, 2022 tags: - rlhf @@ -243,9 +165,6 @@ - guide - local: elixir-bumblebee - title: 从 GPT2 到 Stable Diffusion:Elixir 社区迎来了 Hugging Face - author: josevalim - thumbnail: /blog/assets/120_elixir-bumblebee/thumbnail.png date: December 9, 2022 tags: - elixir @@ -255,18 +174,12 @@ - open-source-collab - local: habana-gaudi-2-benchmark - title: 更快的训练和推理:对比 Habana Gaudi®2 和英伟达 A100 80GB - author: regisss - thumbnail: /blog/assets/habana-gaudi-2-benchmark/thumbnail.png date: December 14, 2022 tags: - partnerships - habana - local: intel-sapphire-rapids - title: 使用英特尔 Sapphire Rapids 加速 PyTorch Transformers 模型(第一部分) - author: juliensimon - thumbnail: /blog/assets/124_intel_sapphire_rapids/02.png date: January 2, 2023 tags: - guide @@ -275,9 +188,6 @@ - partnerships - local: ml-for-games-1 - title: 基于 AI 进行游戏开发:5天创建一个农场游戏!第1部分 - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/thumbnail.png date: January 2, 2023 tags: - community @@ -286,9 +196,6 @@ - game-dev - local: intro-graphml - title: 一文带你入门图机器学习 - author: clefourrier - thumbnail: /blog/assets/125_intro-to-graphml/thumbnail.png date: January 3, 2023 tags: - community @@ -296,9 +203,6 @@ - graphs - local: ml-for-games-2 - title: 使用 ChatGPT 启发游戏创意:基于 AI 5 天创建一个农场游戏,第 2 天 - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/thumbnail2.png date: January 9, 2023 tags: - community @@ -306,27 +210,18 @@ - game-dev - local: image-similarity - title: 基于 Hugging Face Datasets 和 Transformers 的图像相似性搜索 - author: sayakpaul - thumbnail: /blog/assets/image_similarity/thumbnail.png date: Jan 16, 2023 tags: - guide - cv - local: mask2former - title: '通用图像分割任务: 使用 Mask2Former 和 OneFormer' - author: nielsr - thumbnail: /blog/assets/127_mask2former/thumbnail.png date: Jan 19, 2023 tags: - cv - guide - local: ml-for-games-3 - title: AI 制作 3D 素材——基于 AI 5 天创建一个农场游戏,第 3 天 - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/thumbnail3.png date: January 20, 2023 tags: - community @@ -334,9 +229,6 @@ - game-dev - local: dialog-agents - title: 解读 ChatGPT 背后的技术重点:RLHF、IFT、CoT、红蓝对抗 - author: nazneen - thumbnail: /blog/assets/dialog-agents/thumbnail.png date: January 24, 2023 tags: - rlhf @@ -346,9 +238,6 @@ - sft - local: optimum-onnxruntime-training - title: Optimum + ONNX Runtime—更容易、更快地训练你的 Hugging Face 模型 - author: Jingya - thumbnail: /blog/assets/optimum_onnxruntime-training/thumbnail.png date: January 24, 2023 tags: - guide @@ -356,9 +245,6 @@ - onnxruntime - local: lora - title: 使用 LoRA 进行 Stable Diffusion 的高效参数微调 - author: pcuenq - thumbnail: /blog/assets/lora/thumbnail.png date: January 26, 2023 tags: - diffusersgame @@ -368,9 +254,6 @@ - guide - local: ml-for-games-4 - title: 制作 2D 素材——基于 AI 5 天创建一个农场游戏,第 4 天 - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/thumbnail4.png date: January 26, 2023 tags: - community @@ -378,9 +261,6 @@ - game-dev - local: vision_language_pretraining - title: 深入了解视觉语言模型 - author: adirik - thumbnail: /blog/assets/128_vision_language_pretraining/thumbnail.png date: February 03, 2023 tags: - cv @@ -388,9 +268,6 @@ - multimodal - local: intel-sapphire-rapids-inference - title: CPU 推理——使用英特尔 Sapphire Rapids 加速 PyTorch Transformers,第二部分 - author: juliensimon - thumbnail: /blog/assets/129_intel_sapphire_rapids_inference/01.png date: February 6, 2023 tags: - guide @@ -399,17 +276,11 @@ - partnerships - local: aivsai - title: AI ⚔️ 大战 AI ⚔️ ,一个深度强化学习多智能体竞赛系统 - author: CarlCochet - thumbnail: /blog/assets/128_aivsai/thumbnail.png date: February 07, 2023 tags: - rl - local: ml-for-games-5 - title: 使用 ChatGPT 设计游戏剧情——基于 AI 5 天创建一个农场游戏,完结篇! - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/thumbnail5.png date: February 07, 2023 tags: - community @@ -417,18 +288,12 @@ - game-dev - local: speecht5 - title: 使用 SpeechT5 进行语音合成、识别和更多功能 - author: Matthijs - thumbnail: /blog/assets/speecht5/thumbnail.png date: February 8, 2023 tags: - guide - audio - local: peft - title: '🤗 PEFT: 在低资源硬件上对十亿规模模型进行参数高效微调' - author: smangrul - thumbnail: /blog/assets/130_peft/thumbnail.png date: February 10, 2023 tags: - guide @@ -440,9 +305,6 @@ - dreambooth - local: blip-2 - title: 使用 BLIP-2 零样本“图生文” - author: MariaK - thumbnail: /blog/assets/blip-2/thumbnail.png date: February 15, 2023 tags: - guide @@ -451,9 +313,6 @@ - multimodal - local: red-teaming - title: 为大语言模型建立红队对抗 - author: nazneen - thumbnail: /blog/assets/red-teaming/thumbnail.png date: February 22, 2023 tags: - llms @@ -464,26 +323,17 @@ - alignment - local: ethics-diffusers - title: 开发 Diffusers 库的道德行为指南 - author: giadap - thumbnail: /blog/assets/ethics-diffusers/thumbnail.png date: March 2, 2023 tags: - ethics - diffusers - local: controlnet - title: 使用 🧨 Diffusers 实现 ControlNet 高速推理 - author: sayakpaul - thumbnail: /blog/assets/controlnet/thumbnail.png date: March 3, 2023 tags: - diffusers - local: vit-align - title: Kakao Brain 的开源 ViT、ALIGN 和 COYO 文字—图片数据集 - author: adirik - thumbnail: /blog/assets/132_vit_align/thumbnail.png date: March 6, 2023 tags: - cv @@ -492,18 +342,12 @@ - multimodal - local: trl-peft - title: 在一张 24 GB 的消费级显卡上用 RLHF 微调 20B LLMs - author: edbeeching - thumbnail: /blog/assets/133_trl_peft/thumbnail.png date: March 9, 2023 tags: - rl - nlp - local: informer - title: 使用 Informer 进行多元概率时间序列预测 - author: elisim - thumbnail: /blog/assets/134_informer/thumbnail.png date: March 10, 2023 tags: - guide @@ -511,9 +355,6 @@ - time-series - local: stable-diffusion-inference-intel - title: 在英特尔 CPU 上加速 Stable Diffusion 推理 - author: juliensimon - thumbnail: /blog/assets/136_stable_diffusion_inference_intel/01.png date: March 28, 2023 tags: - hardware @@ -521,9 +362,6 @@ - guide - local: habana-gaudi-2-bloom - title: 大语言模型快速推理:在 Habana Gaudi2 上推理 BLOOMZ - author: regisss - thumbnail: /blog/assets/habana-gaudi-2-bloom/thumbnail.png date: March 28, 2023 tags: - habana @@ -535,25 +373,16 @@ - inference - local: train-your-controlnet - title: 使用 diffusers 训练你自己的 ControlNet 🧨 - author: multimodalart - thumbnail: /blog/assets/136_train-your-controlnet/thumbnail.png date: March 28, 2023 tags: - diffusers - local: ethics-soc-3 - title: '道德与社会问题简报 #3: Hugging Face 上的道德开放性' - author: irenesolaiman - thumbnail: /blog/assets/137_ethics_soc_3/ethics_3_thumbnail.png date: Mar 30, 2023 tags: - ethics - local: stackllama - title: '“StackLLaMA”: 用 RLHF 训练 LLaMA 的手把手教程' - author: edbeeching - thumbnail: /blog/assets/138_stackllama/thumbnail.png date: April 5, 2023 tags: - rl @@ -561,9 +390,6 @@ - nlp - local: graphml-classification - title: 使用 Transformers 进行图分类 - author: clefourrier - thumbnail: /blog/assets/125_intro-to-graphml/thumbnail_classification.png date: April 14, 2023 tags: - community @@ -571,9 +397,6 @@ - graphs - local: unity-in-spaces - title: 如何在 🤗 Space 上托管 Unity 游戏 - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/unity-in-spaces-thumbnail.png date: April 21, 2023 tags: - community @@ -581,18 +404,12 @@ - game-dev - local: chinese-language-blog - title: Hugging Face 中文博客正式发布! - author: xianbao - thumbnail: /blog/assets/chinese-language-blog/thumbnail.png date: April 24, 2023 tags: - partnerships - community - local: unity-api - title: 如何安装和使用 Hugging Face Unity API - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/unity-api-thumbnail.png date: May 1, 2023 tags: - community @@ -600,9 +417,6 @@ - game-dev - local: starcoder - title: StarCoder:最先进的代码大模型 - author: lvwerra - thumbnail: /blog/assets/141_starcoder/starcoder_thumbnail.png date: May 4, 2023 tags: - nlp @@ -610,9 +424,6 @@ - research - local: text-to-video - title: 深入理解文生视频模型 - author: adirik - thumbnail: /blog/assets/140_text-to-video/thumbnail.png date: May 8, 2023 tags: - multi-modal @@ -623,9 +434,6 @@ - text-to-video - local: starchat-alpha - title: 使用 StarCoder 创建一个编程助手 - author: lewtun - thumbnail: /blog/assets/starchat_alpha/thumbnail.png date: May 9, 2023 tags: - nlp @@ -633,18 +441,12 @@ - research - local: assisted-generation - title: 辅助生成:低延迟文本生成的新方向 - author: joaogante - thumbnail: /blog/assets/assisted-generation/thumbnail.png date: May 11, 2023 tags: - nlp - research - local: rwkv - title: RWKV——transformer 与 RNN 的强强联合 - author: BlinkDL - thumbnail: /blog/assets/142_rwkv/rwkv_thumbnail.png date: May 15, 2023 tags: - nlp @@ -652,9 +454,6 @@ - research - local: generative-ai-models-on-intel-cpu - title: 越小越好:Q8-Chat,在英特尔至强 CPU 上体验高效的生成式 AI - thumbnail: /blog/assets/143_q8chat/thumbnail.png - author: andyll7772 date: May 16, 2023 tags: - llm @@ -664,19 +463,13 @@ - quantization - local: dedup - title: BigCode 背后的大规模数据去重 - author: chenghao guest: true - thumbnail: /blog/assets/dedup/thumbnail.png date: May 16, 2023 tags: - bigcode - deduplication - local: instruction-tuning-sd - title: 使用 InstructPix2Pix 对 Stable Diffusion 进行指令微调 - author: sayakpaul - thumbnail: /blog/assets/instruction_tuning_sd/thumbnail.png date: May 23, 2023 tags: - diffusers @@ -686,9 +479,6 @@ - guide - local: 4bit-transformers-bitsandbytes - title: 用 bitsandbytes、4 比特量化和 QLoRA 打造亲民的 LLM - author: ybelkada - thumbnail: /blog/assets/96_hf_bitsandbytes_integration/Thumbnail_blue.png date: May 24, 2023 tags: - transformers @@ -697,9 +487,6 @@ - 4bit - local: train-optimize-sd-intel - title: 基于 NNCF 和 🤗 Optimum 面向 Intel CPU 对 Stable Diffusion 优化 - author: AlexKoff88 - thumbnail: /blog/assets/train_optimize_sd_intel/thumbnail.png date: May 25, 2023 tags: - diffusers @@ -708,9 +495,6 @@ - guide - quantization - local: unity-asr - title: 如何在 Unity 游戏中集成 AI 语音识别? - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/unity-asr-thumbnail.png date: June 2, 2023 tags: - community @@ -719,9 +503,6 @@ - speech-recognition - local: falcon - title: Falcon 登陆 Hugging Face 生态 - author: lvwerra - thumbnail: /blog/assets/147_falcon/falcon_thumbnail.jpg date: June 5, 2023 tags: - nlp @@ -729,9 +510,6 @@ - research - local: open-llm-leaderboard-rlhf - title: 基础大模型能像人类一样标注数据吗? - author: nazneen - thumbnail: /blog/assets/llm-leaderboard/leaderboard-thumbnail.png date: June 12, 2023 tags: - nlp @@ -739,9 +517,6 @@ - leaderboard - local: autoformer - title: Transformer 模型能够有效地进行时间序列预测 (使用 Autoformer) - author: elisim - thumbnail: /blog/assets/150_autoformer/thumbnail.png date: June 16, 2023 tags: - guide @@ -749,18 +524,12 @@ - time-series - local: mms_adapters - title: 微调用于多语言 ASR 的 MMS 适配器模型 - author: patrickvonplaten - thumbnail: /blog/assets/151_mms/mms_map.png date: June 19, 2023 tags: - audio - research - local: open-llm-leaderboard-mmlu - title: Open LLM 排行榜近况 - author: clefourrier - thumbnail: /blog/assets/evaluating-mmlu-leaderboard/thumbnail.png date: June 23, 2023 tags: - community @@ -770,17 +539,11 @@ - leaderboard - local: ethics-soc-4 - title: '道德与社会问题简报 #4:文生图模型中的偏见' - author: sasha - thumbnail: /blog/assets/152_ethics_soc_4/ethics_4_thumbnail.png date: June 26, 2023 tags: - ethics - local: bridgetower - title: 使用 Habana Gaudi2 加速视觉语言模型 BridgeTower - author: regisss - thumbnail: /blog/assets/bridgetower/thumbnail.png date: June 29, 2023 tags: - partnerships @@ -790,9 +553,6 @@ - hardware - local: inference-endpoints-llm - title: 用 Hugging Face 推理端点部署 LLM - author: philschmid - thumbnail: /blog/assets/155_inference_endpoints_llm/thumbnail.jpg date: July 4, 2023 tags: - guide @@ -801,9 +561,6 @@ - inference - local: stable-diffusion-finetuning-intel - title: 在英特尔 CPU 上微调 Stable Diffusion 模型 - author: juliensimon - thumbnail: /blog/assets/stable-diffusion-finetuning-intel/dicoo_image.png date: July 14, 2023 tags: - guide @@ -812,9 +569,6 @@ - partnerships - local: os-llms - title: Hugging Face 的文本生成和大语言模型的开源生态 - author: merve - thumbnail: /blog/assets/os_llms/thumbnail.png date: July 17, 2023 tags: - LLM @@ -822,9 +576,6 @@ - nlp - local: llama2 - title: Llama 2 来袭 - 在 Hugging Face 上玩转它 - author: osanseviero - thumbnail: /blog/assets/llama2/thumbnail.jpg date: July 18, 2023 tags: - nlp @@ -833,9 +584,6 @@ - LLM - local: diffusers-turns-1 - title: 🤗 Diffusers 一岁啦! - author: stevhliu - thumbnail: /blog/assets/diffusers-turns-1/diffusers-turns-1.png date: July 20, 2023 tags: - community @@ -844,18 +592,12 @@ - diffusers - local: game-jam-first-edition-results - title: 首届开源 AI 游戏挑战赛事结果 - author: ThomasSimonini - thumbnail: /blog/assets/game-jam-first-edition-results/thumbnail.jpg date: July 21, 2023 tags: - ai-for-games - game-dev - local: 3d-assets - title: 手把手教你使用人工智能生成 3D 素材 - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/thumbnail-3d.jpg date: August 01, 2023 tags: - community @@ -865,10 +607,7 @@ - game-dev - local: sd_distillation - title: 开源 SD-Small 和 SD-Tiny 知识蒸馏代码与权重 - author: harishsegmind guest: true - thumbnail: /blog/assets/distill_sd/thumbnail.png date: August 1, 2023 tags: - stable-diffusion @@ -876,10 +615,7 @@ - diffusers - local: encrypted-llm - title: 使用 FHE 实现加密大语言模型 - author: RomanBredehoft guest: true - thumbnail: /blog/assets/encrypted-llm/thumbnail.png date: August 02, 2023 tags: - guide @@ -889,18 +625,12 @@ - llm - local: huggy-lingo - title: Huggy Lingo:利用机器学习改进 Hugging Face Hub 上的语言元数据 - author: davanstrien - thumbnail: /blog/assets/156_huggylingo/Huggy_Lingo.png date: August 2, 2023 tags: - announcement - research - local: dpo-trl - title: 使用 DPO 微调 Llama 2 - author: kashif - thumbnail: /blog/assets/157_dpo_trl/dpo_thumbnail.png date: August 8, 2023 tags: - rl @@ -908,9 +638,6 @@ - nlp - local: optimizing-bark - title: 使用 🤗 Transformers 优化 Bark - author: ylacombe - thumbnail: /blog/assets/bark_optimization/thumbnail.png date: August 9, 2023 tags: - text-to-speech @@ -919,10 +646,7 @@ - bark - local: deploy-deepfloydif-using-bentoml - title: 使用 BentoML 部署 🤗 Hugging Face 上的模型:DeepFloyd IF 实战 - author: Sherlockk guest: true - thumbnail: /blog/assets/deploy-deepfloydif-using-bentoml/thumbnail.png date: August 9, 2023 tags: - deployment @@ -932,9 +656,6 @@ - diffusers - local: idefics - title: IDEFICS 简介:最先进视觉语言模型的开源复现 - author: VictorSanh - thumbnail: /blog/assets/idefics/thumbnail.png date: August 22, 2023 tags: - research @@ -942,9 +663,6 @@ - cv - local: safecoder - title: 推介 SafeCoder - author: jeffboudier - thumbnail: /blog/assets/159_safecoder/thumbnail.jpg date: August 22, 2023 tags: - announcement @@ -953,9 +671,6 @@ - bigcode - local: gptq-integration - title: 使用 AutoGPTQ 和 transformers 让大语言模型更轻量化 - author: marcsun13 - thumbnail: /blog/assets/159_autogptq_transformers/thumbnail.jpg date: August 23, 2023 tags: - llm @@ -963,18 +678,12 @@ - quantization - local: password-git-deprecation - title: Hub 上的 Git 操作不再支持使用密码验证 - author: Sylvestre - thumbnail: /blog/assets/password-git-deprecation/thumbnail.png date: August 25, 2023 tags: - announcement - security - local: codellama - title: Code Llama:Llama 2 学会写代码了! - author: philschmid - thumbnail: /blog/assets/160_codellama/thumbnail.jpg date: August 25, 2023 tags: - nlp @@ -983,9 +692,6 @@ - LLM - local: audioldm2 - title: AudioLDM 2,加速⚡️! - author: sanchit-gandhi - thumbnail: /blog/assets/161_audioldm2/thumbnail.png date: Aug 30, 2023 tags: - guide @@ -994,9 +700,6 @@ - diffusion - local: falcon-180b - title: Falcon 180B 现已登陆 Hugging Face Hub - author: philschmid - thumbnail: /blog/assets/162_falcon_180b/thumbnail.jpg date: September 6, 2023 tags: - nlp @@ -1005,10 +708,7 @@ - LLM - local: t2i-sdxl-adapters - title: 在 SDXL 上用 T2I-Adapter 实现高效可控的文生图 - author: Adapter guest: true - thumbnail: /blog/assets/t2i-sdxl-adapters/thumbnail.png date: September 8, 2023 tags: - guide @@ -1017,9 +717,6 @@ - diffusion - local: overview-quantization-transformers - title: 🤗 Transformers 中原生支持的量化方案概述 - author: ybelkada - thumbnail: /blog/assets/163_overview_quantization_transformers/thumbnail.jpg date: September 12, 2023 tags: - llm @@ -1030,9 +727,6 @@ - gptq - local: ram-efficient-pytorch-fsdp - title: 使用 PyTorch FSDP 微调 Llama 2 70B - author: smangrul - thumbnail: /blog/assets/160_fsdp_llama/thumbnail.jpg date: September 13, 2023 tags: - llm @@ -1040,9 +734,6 @@ - nlp - local: optimize-llm - title: 面向生产的 LLM 优化 - author: patrickvonplaten - thumbnail: /blog/assets/163_optimize_llm/optimize_llm.png date: Sep 15, 2023 tags: - nlp @@ -1050,9 +741,6 @@ - LLM - local: gaussian-splatting - title: 3D 高斯点染简介 - author: dylanebert - thumbnail: /blog/assets/124_ml-for-games/thumbnail-gaussian-splatting.png date: September 18, 2023 tags: - community @@ -1061,9 +749,6 @@ - game-dev - local: Llama2-for-non-engineers - title: 非工程师指南:训练 LLaMA 2 聊天机器人 - author: 2legit2overfit - thumbnail: /blog/assets/78_ml_director_insights/tuto.png date: September 28, 2023 tags: - guide @@ -1071,10 +756,7 @@ - nlp - local: trl-ddpo - title: 使用 DDPO 在 TRL 中微调 Stable Diffusion 模型 - author: metric-space guest: true - thumbnail: /blog/assets/166_trl_ddpo/thumbnail.png date: September 29, 2023 tags: - guide @@ -1083,9 +765,6 @@ - rlhf - local: chat-templates - title: 聊天模板:无声性能杀手的终结 - author: rocketknight1 - thumbnail: /blog/assets/chat-templates/thumbnail.png date: October 3, 2023 tags: - LLM @@ -1093,9 +772,6 @@ - community - local: gradio-lite - title: 'Gradio-Lite: 完全在浏览器里运行的无服务器 Gradio' - author: abidlabs - thumbnail: /blog/assets/167_gradio_lite/thumbnail.png date: October 19, 2023 tags: - gradio @@ -1103,9 +779,6 @@ - serverless - local: the_n_implementation_details_of_rlhf_with_ppo - title: 使用 PPO 算法进行 RLHF 的 N 步实现细节 - author: vwxyzjn - thumbnail: /blog/assets/167_the_n_implementation_details_of_rlhf_with_ppo/thumbnail.png date: October 24, 2023 tags: - research @@ -1113,9 +786,6 @@ - rlhf - local: personal-copilot - title: 个人编程助手:训练你自己的编码助手 - author: smangrul - thumbnail: /blog/assets/170_personal_copilot/thumbnail.png date: October 27, 2023 tags: - bigcode @@ -1125,9 +795,6 @@ - guide - local: regions - title: HF Hub 现已加入存储区域功能 - author: julien-c - thumbnail: /blog/assets/172_regions/thumbnail.png date: November 3, 2023 tags: - announcement @@ -1135,9 +802,6 @@ - hub - local: Lora-for-sequence-classification-with-Roberta-Llama-Mistral - title: 在灾难推文分析场景上比较用 LoRA 微调 Roberta、Llama 2 和 Mistral 的过程及表现 - author: mehdiiraqui - thumbnail: /blog/assets/Lora-for-sequence-classification-with-Roberta-Llama-Mistral/Thumbnail.png date: November 7, 2023 tags: - nlp @@ -1146,9 +810,6 @@ - peft - local: lcm_lora - title: 使用 LCM LoRA 4 步完成 SDXL 推理 - author: pcuenq - thumbnail: /blog/assets/lcm_sdxl/lcm_thumbnail.png date: November 9, 2023 tags: - sdxl @@ -1158,9 +819,6 @@ - hub - local: open-llm-leaderboard-drop - title: 开放 LLM 排行榜:深入研究 DROP - author: clefourrier - thumbnail: /blog/assets/evaluating-mmlu-leaderboard/thumbnail.png date: December 1, 2023 tags: - community @@ -1170,19 +828,13 @@ - leaderboard - local: setfit-absa - title: SetFitABSA:基于 SetFit 的少样本、方面级情感分析 - author: ronenlap guest: true - thumbnail: /blog/assets/setfit-absa/intel_hf_logo_2.png date: December 6, 2023 tags: - research - nlp - local: moe - title: 混合专家模型(MoE)详解 - author: osanseviero - thumbnail: /blog/assets/moe/thumbnail.png date: December 11, 2023 tags: - moe @@ -1191,9 +843,6 @@ - guide - local: mixtral - title: 欢迎 Mixtral - 当前 Hugging Face 上最先进的 MoE 模型 - author: lewtun - thumbnail: /blog/assets/mixtral/thumbnail.jpg date: December 11, 2023 tags: - mixtral @@ -1203,9 +852,6 @@ - transformers - local: 2023-in-llms - title: 2023, 开源大模型之年 - thumbnail: /blog/assets/cv_state/thumbnail.png - author: clefourrier date: December 18, 2023 tags: - research @@ -1213,9 +859,6 @@ - llm - local: whisper-speculative-decoding - title: 使用推测解码使 Whisper 实现2倍的推理加速 - author: sanchit-gandhi - thumbnail: /blog/assets/whisper-speculative-decoding/thumbnail.png date: Dec 20, 2023 tags: - guide @@ -1223,9 +866,6 @@ - transformers - local: sdxl_lora_advanced_script - title: 全世界 LoRA 训练脚本,联合起来! - author: LinoyTsaban - thumbnail: /blog/assets/dreambooth_lora_sdxl/thumbnail.png date: January 2, 2024 tags: - guide @@ -1240,9 +880,6 @@ - sdxl - local: open-source-llms-as-agents - title: 开源大语言模型作为 LangChain 智能体 - author: m-ric - thumbnail: /blog/assets/open-source-llms-as-agents/thumbnail_open_source_agents.png date: January 24, 2024 tags: - mixtral @@ -1256,10 +893,7 @@ - benchmark - local: leaderboard-decodingtrust - title: 来自 AI Secure 实验室的 LLM 安全排行榜简介 - author: danielz01 guest: true - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_decodingtrust.png date: January 26, 2024 tags: - leaderboard @@ -1268,10 +902,7 @@ - research - local: intel-starcoder-quantization - title: 使用 🤗 Optimum Intel 在英特尔至强上加速 StarCoder:Q8/Q4 及投机解码 - author: ofirzaf guest: true - thumbnail: /blog/assets/optimum_intel/intel_thumbnail.png date: Jan 30, 2024 tags: - nlp @@ -1282,9 +913,6 @@ - community - local: leaderboard-patronus - title: 企业场景排行榜简介:现实世界用例排行榜 - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_patronus.png - author: sunitha98 guest: true date: January 31, 2024 tags: @@ -1293,9 +921,6 @@ - collaboration - local: synthetic-data-save-costs - title: 合成数据:利用开源技术节约资金、时间和减少碳排放 - author: MoritzLaurer - thumbnail: /blog/assets/176_synthetic-data-save-costs/thumbnail.png date: Feb 16, 2024 tags: - guide @@ -1307,9 +932,6 @@ - autotrain - local: gemma - title: '欢迎 Gemma: Google 最新推出开放大语言模型' - author: philschmid - thumbnail: /blog/assets/gemma/thumbnail.jpg date: Feb 21, 2024 tags: - nlp @@ -1319,9 +941,6 @@ - gcp - local: matryoshka - title: 🪆 俄罗斯套娃嵌入模型 - author: tomaarsen - thumbnail: /blog/assets/matryoshka/thumbnail.png date: Feb 23, 2024 tags: - nlp @@ -1329,10 +948,7 @@ - guide - local: gemma-peft - title: 使用 Hugging Face 微调 Gemma 模型 - author: svaibhav guest: true - thumbnail: /blog/assets/gemma-peft/thumbnail.png date: Feb 23, 2024 tags: - nlp @@ -1343,9 +959,6 @@ - peft - local: watermarking - title: 人工智能水印技术入门:工具与技巧 - author: sasha - thumbnail: /blog/assets/watermarking/thumbnail.png date: Feb 26, 2024 tags: - ethics @@ -1354,9 +967,6 @@ - guide - local: arena-tts - title: 'TTS 擂台: 文本转语音模型的自由搏击场' - thumbnail: /blog/assets/arenas-on-the-hub/thumbnail.png - author: mrfakename guest: true date: Feb 27, 2024 tags: @@ -1365,9 +975,6 @@ - collaboration - local: starcoder2 - title: StarCoder2 及 The Stack v2 数据集正式发布 - author: lvwerra - thumbnail: /blog/assets/177_starcoder2/sc2-banner.png date: Feb 28, 2024 tags: - nlp @@ -1376,10 +983,7 @@ - LLM - local: textgen-pipe-gaudi - title: 基于英特尔® Gaudi® 2 AI 加速器的文本生成流水线 - author: siddjags guest: true - thumbnail: /blog/assets/textgen-pipe-gaudi/thumbnail.png date: Feb 29, 2024 tags: - habana @@ -1390,10 +994,7 @@ - inference - local: community-datasets - title: 数据好合 - author: davanstrien guest: true - thumbnail: /blog/assets/community-datasets/thumbnail.png date: Mar 4, 2024 tags: - community @@ -1402,10 +1003,7 @@ - announcement - local: intel-fast-embedding - title: 利用 🤗 Optimum Intel 和 fastRAG 在 CPU 上优化文本嵌入 - author: peterizsak guest: true - thumbnail: /blog/assets/optimum_intel/intel_thumbnail.png date: Mar 15, 2024 tags: - nlp @@ -1416,9 +1014,6 @@ - community - local: train-dgx-cloud - title: 在 NVIDIA DGX Cloud上使用 H100 GPU 轻松训练模型 - author: philschmid - thumbnail: /blog/assets/train-dgx-cloud/thumbnail.jpg date: March 18, 2024 tags: - partnerships @@ -1428,9 +1023,6 @@ - training - local: quanto-introduction - title: Quanto:PyTorch 量化工具包 - author: dacorvo - thumbnail: /blog/assets/169_quanto_intro/thumbnail.png date: March 18, 2024 tags: - guide @@ -1439,9 +1031,6 @@ - diffusers - local: cosmopedia - title: Cosmopedia:如何为大语言模型预训练构建大规模合成数据集 - author: loubnabnl - thumbnail: /blog/assets/cosmopedia/thumbnail.png date: March 20, 2024 tags: - guide @@ -1451,9 +1040,6 @@ - community - local: phi2-intel-meteor-lake - title: 笔记本电脑上的聊天机器人:在英特尔 Meteor Lake 上运行 Phi-2 - author: juliensimon - thumbnail: /blog/assets/phi2-intel-meteor-lake/02.jpg date: March 20, 2024 tags: - partnerships @@ -1461,10 +1047,7 @@ - llm - local: embedding-quantization - title: 用于显著提高检索速度和降低成本的二进制和标量嵌入量化 - author: aamirshakir guest: true - thumbnail: /blog/assets/embedding-quantization/thumbnail.png date: Mar 22, 2024 tags: - nlp @@ -1474,18 +1057,12 @@ - research - local: noob_intro_transformers - title: Hugging Face Transformers 萌新完全指南 - author: 2legit2overfit - thumbnail: /blog/assets/78_ml_director_insights/guide.png date: March 22, 2024 tags: - guide - community - local: cloudflare-workers-ai - title: 为 Hugging Face 用户带来无服务器 GPU 推理服务 - author: philschmid - thumbnail: /blog/assets/cloudflare-workers-ai/thumbnail.jpg date: April 2, 2024 tags: - partnerships @@ -1494,10 +1071,7 @@ - inference - local: setfit-optimum-intel - title: 在英特尔至强 CPU 上使用 🤗 Optimum Intel 实现超快 SetFit 推理 - author: danielkorat guest: true - thumbnail: /blog/assets/optimum_intel/intel_thumbnail.png date: April 3, 2024 tags: - nlp @@ -1509,17 +1083,11 @@ - open-source-collab - local: hugging-face-wiz-security-blog - title: Hugging Face 与 Wiz Research 合作提高人工智能安全性 - author: JJoe206 - thumbnail: /blog/assets/wiz_security/security.png date: April 4, 2024 tags: - security - local: google-cloud-model-garden - title: 在 Google Cloud 上轻松部署开放大语言模型 - author: philschmid - thumbnail: /blog/assets/173_gcp-partnership/thumbnail.jpg date: April 10, 2024 tags: - partnerships @@ -1527,9 +1095,6 @@ - hardware - local: vlms - title: 视觉语言模型详解 - author: merve - thumbnail: /blog/assets/vlms_explained/thumbnail.png date: April 11, 2024 tags: - vision @@ -1539,9 +1104,6 @@ - trl - local: idefics2 - title: Idefics2 简介:为社区而生的强大 8B 视觉语言模型 - author: Leyo - thumbnail: /blog/assets/idefics/thumbnail.png date: April 15, 2024 tags: - research @@ -1551,17 +1113,11 @@ - multimodal - local: ryght-case-study - title: Ryght 在 Hugging Face 专家助力下赋能医疗保健和生命科学之旅 - author: andrewrreed - thumbnail: /blog/assets/ryght-case-study/thumbnail.png date: April 16, 2024 tags: - case-studies - local: gradio-reload - title: 使用 Gradio 的“热重载”模式快速开发 AI 应用 - author: freddyaboulton - thumbnail: /blog/assets/gradio-reload/thumbnail_compressed.png date: April 16, 2024 tags: - gradio @@ -1570,9 +1126,6 @@ - demo - local: llama3 - title: 欢迎 Llama 3:Meta 的新一代开源大语言模型 - author: philschmid - thumbnail: /blog/assets/llama3/thumbnail.jpg date: April 18, 2024 tags: - nlp @@ -1581,10 +1134,7 @@ - LLM - local: leaderboard-medicalllm - title: 开源医疗大模型排行榜:健康领域大模型基准测试 - author: aaditya guest: true - thumbnail: /blog/assets/leaderboards-on-the-hub/thumbnail_medicalllm.png date: Apr 19, 2024 tags: - leaderboard @@ -1592,9 +1142,6 @@ - research - local: jat - title: 万事通,专精部分领域的多功能 Transformer 智能体 - author: qgallouedec - thumbnail: /blog/assets/jat/thumbnail.png date: April 22, 2024 tags: - imitation @@ -1603,9 +1150,6 @@ - generalist - local: sc2-instruct - title: 'StarCoder2-Instruct: 完全透明和可自我对齐的代码生成' - thumbnail: /blog/assets/sc2-instruct/sc2-instruct-banner.png - author: yuxiang630 guest: true date: Apr 29, 2024 tags: @@ -1615,9 +1159,6 @@ - LLM - local: asr-diarization - title: 使用 Hugging Face 推理终端搭建强大的“语音识别 + 说话人分割 + 投机解码”工作流 - author: sergeipetrov - thumbnail: /blog/assets/asr-diarization/thumbnail.png date: May 1, 2024 tags: - audio @@ -1625,9 +1166,6 @@ - inference - local: cost-efficient-rag-applications-with-intel - title: 利用英特尔 Gaudi 2 和至强 CPU 构建经济高效的企业级 RAG 应用 - author: juliensimon - thumbnail: /blog/assets/cost_efficient_rag_applications_with_intel/main.jpg date: May 9, 2024 tags: - partnerships @@ -1635,9 +1173,6 @@ - llm - local: agents - title: '授权调用:介绍 Transformers 智能体 2.0 ' - thumbnail: /blog/assets/agents/thumbnail.png - author: m-ric date: May 13, 2024 tags: - nlp @@ -1651,9 +1186,6 @@ - benchmark - local: langchain - title: Hugging Face x LangChain:全新 LangChain 合作伙伴包 - author: jofthomas - thumbnail: /blog/assets/langchain_huggingface/thumbnail.png date: May 14, 2024 tags: - collaboration @@ -1662,9 +1194,6 @@ - llm - local: paligemma - title: PaliGemma 正式发布 — Google 最新发布的前沿开放视觉语言模型 - thumbnail: /blog/assets/paligemma/Paligemma.png - author: merve date: May 14, 2024 tags: - multimodal @@ -1672,9 +1201,6 @@ - vision - local: kv-cache-quantization - title: 用 KV 缓存量化解锁长文本生成 - thumbnail: /blog/assets/kv_cache_quantization/thumbnail.png - author: RaushanTurganbay date: May 16, 2024 tags: - generation @@ -1682,9 +1208,6 @@ - quantization - local: train-sentence-transformers - title: 用 Sentence Transformers v3 训练和微调嵌入模型 - author: tomaarsen - thumbnail: /blog/assets/train-sentence-transformers/st-hf-thumbnail.png date: May 28, 2024 tags: - nlp @@ -1693,9 +1216,6 @@ - open-source - local: tgi-benchmarking - title: TGI 基准测试 - thumbnail: /blog/assets/tgi-benchmarking/tgi-benchmarking-thumbnail.png - author: derek-thomas date: May 29, 2024 tags: - LLM @@ -1704,9 +1224,6 @@ - tgi - local: assisted-generation-support-gaudi - title: 英特尔 Gaudi 加速辅助生成 - author: haimbarad - thumbnail: /blog/assets/assisted-generation-support-gaudi/thumbnail.png date: June 4, 2024 tags: - partnerships @@ -1714,9 +1231,6 @@ - hardware - local: putting_rl_back_in_rlhf_with_rloo - title: 将强化学习重新引入 RLHF - thumbnail: /blog/assets/putting_rl_back_in_rlhf_with_rloo/thumbnail.png - author: vwxyzjn date: June 12, 2024 tags: - research @@ -1724,9 +1238,6 @@ - rlhf - local: sd3 - title: 欢迎 Stable Diffusion 3 加入 🧨 Diffusers - author: diffusers - thumbnail: /blog/assets/sd3/thumbnail.png date: June 12, 2024 tags: - diffusers @@ -1734,9 +1245,6 @@ - sd3 - local: deepspeed-to-fsdp-and-back - title: 从 DeepSpeed 到 FSDP,再回到 Hugging Face Accelerate - thumbnail: /blog/assets/deepspeed-to-fsdp-and-back/thumbnail.png - author: muellerzr date: June 13, 2024 tags: - open-source @@ -1745,9 +1253,6 @@ - collaboration - local: finetune-florence2 - title: 微调 Florence-2 - 微软的尖端视觉语言模型 - thumbnail: /blog/assets/182_finetune-florence/thumbnail.png - author: andito date: Jun 24, 2024 tags: - collaboration @@ -1756,9 +1261,6 @@ - research - local: gemma2 - title: Google 发布最新开放大语言模型 Gemma 2,现已登陆 Hugging Face Hub - author: philschmid - thumbnail: /blog/assets/gemma2/thumbnail.jpg date: Jun 27, 2024 tags: - nlp @@ -1768,9 +1270,6 @@ - gcp - local: beating-gaia - title: Transformers 代码智能体成功刷榜 GAIA - author: m-ric - thumbnail: /blog/assets/beating-gaia/thumbnail.jpeg date: July 1, 2024 tags: - agents @@ -1780,9 +1279,6 @@ - leaderboard - local: intel-protein-language-model-protst - title: 在英特尔 Gaudi 2 上加速蛋白质语言模型 ProtST - author: juliensimon - thumbnail: /blog/assets/intel-protein-language-model-protst/01.jpeg date: July 3, 2024 tags: - partnerships @@ -1790,9 +1286,6 @@ - llm - local: dpo_vlm - title: 为视觉语言多模态模型进行偏好优化 - author: qgallouedec - thumbnail: /blog/assets/dpo_vlm/thumbnail.png date: July 10, 2024 tags: - vlm @@ -1802,18 +1295,12 @@ - dpo - local: presidio-pii-detection - title: 在 Hub 上使用 Presidio 进行自动 PII 检测实验 - author: lhoestq - thumbnail: /blog/assets/presidio-pii-detection/thumbnail.png date: Jul 10, 2024 tags: - datasets - pii - local: winning-aimo-progress-prize - title: NuminaMath 是如何荣膺首届 AIMO 进步奖的? - author: yfleureau - thumbnail: /blog/assets/winning-aimo-progress-prize/thumbnail.png date: July 11, 2024 tags: - ai4math @@ -1824,9 +1311,6 @@ - open-science-collab - local: smollm - title: SmolLM:一个超快速、超高性能的小模型集合 - author: loubnabnl - thumbnail: /blog/assets/smollm/banner.png date: July 16, 2024 tags: - llm @@ -1837,9 +1321,6 @@ - community - local: multi-lora-serving - title: TGI 多-LoRA:部署一次,搞定 30 个模型的推理服务 - author: derek-thomas - thumbnail: /blog/assets/multi-lora-serving/thumbnail.png date: Jul 18, 2024 tags: - nlp @@ -1851,9 +1332,6 @@ - guide - local: docmatix - title: Docmatix - 超大文档视觉问答数据集 - thumbnail: /blog/assets/183_docmatix/thumbnail_new.png - author: andito date: Jul 18, 2024 tags: - community @@ -1866,9 +1344,6 @@ - research - local: llama31 - title: Llama 3.1:405B/70B/8B 模型的多语言与长上下文能力解析 - author: philschmid - thumbnail: /blog/assets/llama31/thumbnail.jpg date: July 23, 2024 tags: - nlp @@ -1877,9 +1352,6 @@ - LLM - local: zero-shot-vqa-docmatix - title: LAVE:使用 LLM 对 Docmatix 进行零样本 VQA 评估 - 我们还需要微调吗? - author: danaaubakirova - thumbnail: /blog/assets/184_zero_shot_docmatix/thumb.001.jpeg date: Jul 25, 2024 tags: - community @@ -1891,9 +1363,6 @@ - research - local: quanto-diffusers - title: 基于 Quanto 和 Diffusers 的内存高效 transformer 扩散模型 - author: sayakpaul - thumbnail: /blog/assets/quanto-diffusers/thumbnail.png date: July 30, 2024 tags: - diffusers @@ -1901,9 +1370,6 @@ - diffusion-transformers - local: gemma-july-update - title: Google 最新发布:Gemma 2 2B、ShieldGemma 和 Gemma Scope - author: Xenova - thumbnail: /blog/assets/gemma-july-update/thumbnail.jpg date: July 31, 2024 tags: - nlp @@ -1913,9 +1379,6 @@ - gcp - local: xethub-joins-hf - title: XetHub 加入 Hugging Face! - author: julien-c - thumbnail: /blog/assets/xethub-joins-hf/thumbnail.png date: August 8, 2024 tags: - announcement @@ -1923,9 +1386,6 @@ - hub - local: unified-tool-use - title: 对 LLM 工具使用进行统一 - author: rocketknight1 - thumbnail: /blog/assets/unified-tool-use/thumbnail.png date: August 12, 2024 tags: - LLM @@ -1933,10 +1393,7 @@ - community - local: falconmamba - title: 'Falcon Mamba: 首个高效的无注意力机制 7B 模型' guest: true - author: JingweiZuo - thumbnail: /blog/assets/falconmamba/thumbnail.png date: August 12, 2024 tags: - nlp @@ -1946,9 +1403,6 @@ - Mamba - local: introduction-to-ggml - title: ggml 简介 - author: ngxson - thumbnail: /blog/assets/introduction-to-ggml/cover.jpg date: August 13, 2024 tags: - guide @@ -1956,9 +1410,6 @@ - ggml - local: infini-attention - title: 一次失败的实验——无限注意力,我们为什么坚持实验 - author: neuralink - thumbnail: /blog/assets/185_infini_attention/infini_attention_thumbnail.png date: August 14, 2024 tags: - long-context @@ -1966,9 +1417,6 @@ - memory-compression - local: packing-with-FA2 - title: 通过打包 Flash Attention 来提升 Hugging Face 训练效率 - author: lwtr - thumbnail: /blog/assets/packing-with-FA2/thumbnail.png date: August 21, 2024 tags: - padding @@ -1976,17 +1424,11 @@ - Flash Attention 2 - local: accelerate-v1 - title: Accelerate 1.0.0 - author: muellerzr - thumbnail: /blog/assets/186_accelerate_v1/accelerate_v1_thumbnail.png date: September 13, 2024 tags: - guide - local: sql-console - title: 为数据集而生的SQL控制台 - author: cfahlgren1 - thumbnail: /blog/assets/sql_console/thumbnail.png date: September 17, 2024 tags: - datasets @@ -1995,9 +1437,6 @@ - community - local: 1_58_llm_extreme_quantization - title: 1.58 万亿参数的极端量化 - author: medmekk - thumbnail: /blog/assets/1_58_llm_extreme_quantization/thumbnail.png date: September 18, 2024 tags: - nlp @@ -2005,18 +1444,12 @@ - community - local: daily-papers - title: Hugging Face 论文平台 Daily Papers 功能全解析 - author: AdinaY - thumbnail: /blog/assets/daily-papers/thumbnail.png date: September 23, 2024 tags: - research - community - local: deploy-with-openvino - title: 使用 Optimum-Intel 和 OpenVINO GenAI 优化和部署模型 - author: AlexKoff88 - thumbnail: /blog/assets/deploy-with-openvino/openvino_genai_workflow.png date: September 20, 2024 tags: - intel @@ -2025,9 +1458,6 @@ - inference - local: fine-video - title: 揭秘 FineVideo 数据集构建的背后的秘密 - author: mfarre - thumbnail: /blog/assets/186_fine_video/thumbnail.png date: September 23, 2024 tags: - video @@ -2035,9 +1465,6 @@ - multimodal - local: llama32 - title: 现在 Llama 具备视觉能力并可以在你的设备上运行 - 欢迎使用 Llama 3.2 - author: merve - thumbnail: /blog/assets/llama32/thumbnail.jpg date: September 25, 2024 tags: - multimodal @@ -2047,9 +1474,6 @@ - vision - local: vertex-colored-to-textured-mesh - title: 顶点着色网格转换为 UV 映射的纹理化网格 - author: dylanebert - thumbnail: /blog/assets/vertex-colored-to-textured-mesh/thumbnail.png date: September 30, 2024 tags: - vision @@ -2058,28 +1482,19 @@ - tutorial - local: chinese-ai-expansion - title: 中国 AI 出海现状概述 - author: AdinaY - thumbnail: /blog/assets/chinese-ai-expansion/thumbnail.png date: October 3, 2024 tags: - research - community - local: dynamic_speculation_lookahead - title: '更快的辅助生成: 动态推测' - author: jmamou guest: true - thumbnail: /blog/assets/optimum_intel/intel_thumbnail.png date: October 8, 2024 tags: - research - nlp - local: gradio-5 - title: Gradio 5 现已发布 - author: abidlabs - thumbnail: /blog/assets/gradio-5/thumbnail.png date: October 9, 2024 tags: - gradio @@ -2087,9 +1502,6 @@ - open-source - local: sd3-5 - title: "欢迎 Stable Diffusion 3.5 Large 加入 🧨\_Diffusers" - author: diffusers - thumbnail: /blog/assets/sd3-5/thumbnail.png date: October 22, 2024 tags: - diffusers @@ -2097,9 +1509,6 @@ - sd3-5 - local: s2s_endpoint - title: 在 Hugging Face 上部署语音转语音模型 - author: andito - thumbnail: /blog/assets/s2s_endpoint/thumbnail.png date: October 22, 2024 tags: - audio @@ -2108,9 +1517,6 @@ - inference-endpoints - local: synthid-text - title: SynthID Text:在 AI 生成文本中应用不可见水印的新技术 - author: sumedhghaisas - thumbnail: /blog/assets/synthid-text/thumbnail.png date: October 23, 2024 tags: - announcement @@ -2120,10 +1526,7 @@ - open-source - local: universal_assisted_generation - title: 通用辅助生成:使用任意辅助模型加速解码 - author: danielkorat guest: true - thumbnail: /blog/assets/optimum_intel/intel_thumbnail.png date: October 29, 2024 tags: - research @@ -2132,9 +1535,6 @@ - collaboration - local: pycharm-integration - title: Hugging Face 与 PyCharm 深度集成:轻松引入丰富的 AI 模型 - author: rocketknight1 - thumbnail: /blog/assets/pycharm-integration/thumbnail.png date: November 5, 2024 tags: - announcement @@ -2143,9 +1543,6 @@ - collaboration - local: researcher-dataset-sharing - title: 在 Hugging Face Hub 上分享你的开源数据集 - author: davanstrien - thumbnail: /blog/assets/researcher-dataset-sharing/thumbnail.png date: November 12, 2024 tags: - community @@ -2154,9 +1551,6 @@ - guide - local: from-files-to-chunks - title: '从文件到块: 提高 Hugging Face 存储效率' - author: jsulz - thumbnail: /blog/assets/from-files-to-chunks/thumbnail.png date: November 20, 2024 tags: - dedupe @@ -2164,9 +1558,6 @@ - content defined chunking - local: designing-positional-encoding - title: 设计位置编码 - author: FL33TW00D-HF - thumbnail: /blog/assets/designing-positional-encoding/thumbnail_posenc.png date: November 25, 2024 tags: - research @@ -2174,9 +1565,6 @@ - tutorial - local: eu-ai-act-for-oss-developers - title: 开源开发者指南:欧盟《人工智能法案》解读 - author: brunatrevelin - thumbnail: /blog/assets/189_eu-ai-act-for-oss-developers/thumbnail.png date: December 2, 2024 tags: - policy @@ -2184,9 +1572,6 @@ - ethics - local: layerskip - title: 自推测解码实现更快文本生成 - author: ariG23498 - thumbnail: /blog/assets/layerskip/thumbnail.png date: November 20, 2024 tags: - research @@ -2195,9 +1580,6 @@ - collaboration - local: paligemma2 - title: 欢迎 PaliGemma 2 – 来自 Google 的新视觉语言模型 - author: merve - thumbnail: /blog/assets/paligemma/Paligemma2.png date: December 05, 2024 tags: - multimodal @@ -2208,18 +1590,12 @@ - research - local: ethics-soc-7 - title: 人工智能代理已经到来,接下来呢? - author: meg - thumbnail: /blog/assets/190_ethics-soc-7/thumbnail.png date: January 13, 2025 tags: - ethics - agents - local: run-comfyui-workflows-on-spaces - title: 在 Hugging Face Spaces 上使用 Gradio 免费运行 ComfyUI 工作流 - author: multimodalart - thumbnail: /blog/assets/comfyui-to-gradio/cover.png date: January 14, 2024 tags: - comfyui @@ -2229,9 +1605,6 @@ - serverless - local: smolervlm - title: SmolVLM 越变越小 —— 全新 250 M 和 500 M 模型正式发布! - author: andito - thumbnail: /blog/assets/smolervlm/banner.png date: January 23, 2025 tags: - multimodal @@ -2242,18 +1615,12 @@ - community - local: ai-art-newsletter-jan-25 - title: AI艺术工具通讯 - 第1期 - author: linoyts - thumbnail: /blog/assets/ai_art_newsletter_1/thumbnail.png date: Jan 31, 2025 tags: - community - local: smolvlm2 - title: 'SmolVLM2: 让视频理解能力触手可及' - author: orrzohar guest: true - thumbnail: /blog/assets/smolvlm2/banner.png date: Feb 20, 2025 tags: - vlm @@ -2265,9 +1632,6 @@ - vision - local: vlms-2025 - title: 视觉语言模型 (更好、更快、更强) - author: virtuoasis - thumbnail: /blog/assets/vlms2/vlms2.png date: May 12, 2025 tags: - vlm @@ -2277,9 +1641,6 @@ - research - local: nanovlm - title: 'nanoVLM: 最简洁、最轻量的纯 PyTorch 视觉-语言模型训练代码库' - author: ariG23498 - thumbnail: /blog/assets/nanovlm/thumbnail.png date: May 21, 2025 tags: - vlm @@ -2292,9 +1653,6 @@ - research - local: smolvla - title: SmolVLA:让机器人更懂'看听说做'的轻量化解决方案 - author: danaaubakirova - thumbnail: /blog/assets/smolvla/SmolVLA_thumbnail.png date: Jun 3, 2025 tags: - smolvla @@ -2305,9 +1663,6 @@ - community - local: welcome-openai-gpt-oss - title: 欢迎 GPT OSS —— 来自 OpenAI 的全新开放模型家族! - author: reach-vb - thumbnail: /blog/assets/openai/openai-hf-thumbnail.png date: Aug 5, 2025 tags: - openai @@ -2318,9 +1673,6 @@ - community - local: smollm3 - title: 'SmolLM3: 支持多语言与长上下文推理的小模型' - author: loubnabnl - thumbnail: /blog/assets/smollm3/image.png date: July 8, 2025 tags: - llm @@ -2330,9 +1682,6 @@ - research - local: zerogpu-aoti - title: ZeroGPU Spaces 加速实践:PyTorch 提前编译全解析 - author: cbensimon - thumbnail: /blog/assets/zerogpu-aoti/thumbnail.png date: Sep 2, 2025 tags: - spaces @@ -2345,9 +1694,6 @@ - image-to-video - local: faster-transformers - title: 来自OpenAI gpt-oss的技巧,你🫵在transformers中也可以使用 - author: ariG23498 - thumbnail: /blog/assets/faster-transformers/thumbnail.png date: Sep 11, 2025 tags: - transformers @@ -2356,18 +1702,12 @@ - guide - local: lerobot-release-v040 - title: LeRobot v0.4.0:全面提升开源机器人的学习能力 - author: imstevenpmwork - thumbnail: /blog/assets/lerobot-release-v040/thumbnail.png date: Oct 24, 2025 tags: - lerobot - robotics - local: aisheets-unlock-images - title: 用 AI Sheets 解锁图像的力量 - author: dvilasuero - thumbnail: /blog/assets/aisheets/aisheets-image.png date: Oct 21, 2025 tags: - datasets diff --git a/zh/accelerated-inference.md b/zh/accelerated-inference.md index b570832b71..bbb7ca3121 100644 --- a/zh/accelerated-inference.md +++ b/zh/accelerated-inference.md @@ -1,10 +1,12 @@ --- -title: "如何成功将 🤗 API 客户的 transformer 模型推理速度加快 100 倍" +title: 如何成功将 🤗 API 客户的 transformer 模型推理速度加快 100 倍 thumbnail: /blog/assets/09_accelerated_inference/thumbnail.png translators: - user: MatrixYao - user: zhongdongy proofreader: true +authors: +- user: Narsil --- # 如何成功将 🤗 API 客户的 transformer 模型推理速度加快 100 倍 diff --git a/zh/deploy-with-openvino.md b/zh/deploy-with-openvino.md index 6a68a16187..2463467acc 100644 --- a/zh/deploy-with-openvino.md +++ b/zh/deploy-with-openvino.md @@ -24,6 +24,7 @@ translators: - user: Zipxuan - user: zhongdongy proofreader: true +thumbnail: /blog/assets/deploy-with-openvino/openvino_genai_workflow.png --- # 使用 Optimum-Intel 和 OpenVINO GenAI 优化和部署模型