HF-hub - Share and discover more about AI with social posts from the community.huggingface/OpenAi
Share and discover more about AI with social posts from the community.huggingface/OpenAi
ResNet-50 v1.5
ResNet model pre-trained on ImageNet-1k at resolution 224x224. It was introduced in the paper Deep Residual Learning for Image Recognition by He et al.

Disclaimer: The team releasing ResNet did not write a model card for this model so this model card has been written by the Hugging Face team.

Model description
ResNet (Residual Network) is a convolutional neural network that democratized the concepts of residual learning and skip connections. This enables to train much deeper models.

This is ResNet v1.5, which differs from the original model: in the bottleneck blocks which require downsampling, v1 has stride = 2 in the first 1x1 convolution, whereas v1.5 has stride = 2 in the 3x3 convolution. This difference makes ResNet50 v1.5 slightly more accurate (~0.5% top1) than v1, but comes with a small performance drawback (~5% imgs/sec) according to Nvidia.
Audio Spectrogram Transformer (fine-tuned on AudioSet)
Audio Spectrogram Transformer (AST) model fine-tuned on AudioSet. It was introduced in the paper AST: Audio Spectrogram Transformer by Gong et al. and first released in this repository.

Disclaimer: The team releasing Audio Spectrogram Transformer did not write a model card for this model so this model card has been written by the Hugging Face team.

Model description
The Audio Spectrogram Transformer is equivalent to ViT, but applied on audio. Audio is first turned into an image (as a spectrogram), after which a Vision Transformer is applied. The model gets state-of-the-art results on several audio classification benchmarks.

Usage
You can use the raw model for classifying audio into one of the AudioSet classes. See the documentation for more info.
https://huggingface.co/MIT/ast-finetuned-audioset-10-10-0.4593 MIT/ast-finetuned-audioset-10-10-0.4593 · Hugging Face
Releasing HQQ Llama-3.1-70b 4-bit quantized version! Check it out at
mobiuslabsgmbh/Llama-3.1-70b-instruct_4bitgs64_hqq
.

Achieves 99% of the base model performance across various benchmarks! Details in the model card.https://huggingface.co/mobiuslabsgmbh/Llama-3.1-70b-instruct_4bitgs64_hqq mobiuslabsgmbh/Llama-3.1-70b-instruct_4bitgs64_hqq · Hugging Face
Hey HF. I just released a new reward modelling dataset:
Avelina/UltraSteer-v0


UltraSteer-V0 is a massive collection of single- and multi-turn dialogue with fine-grained reward labels produced by Nvidia's
nvidia/Llama2-13B-SteerLM-RM
reward model. We have a total of 2.3M labelled sequences taken from high quality datasets with a total of 2.8M labelled turns each containing 9 attributes produced as is from the reward model.

This is still very much an early version of the dataset (but it's fully usable!) and an updated version will be on the way with a full paper.

I would really appreciate if people could take a look at the dataset and suggest any improvements (e.g. more data sources, different cleaning approaches, different label schema, etc) in the community section.https://huggingface.co/datasets/Avelina/UltraSteer-v0 Avelina/UltraSteer-v0 · Datasets at Hugging Face
Transformers.js V3 is finally available on NPM! 🔥 State-of-the-art Machine Learning for the web, now with WebGPU support! 🤯⚡️

Install it from NPM with:
𝚗𝚙𝚖 𝚒 @𝚑𝚞𝚐𝚐𝚒𝚗𝚐𝚏𝚊𝚌𝚎/𝚝𝚛𝚊𝚗𝚜𝚏𝚘𝚛𝚖𝚎𝚛𝚜

or via CDN, for example: https://v2.scrimba.com/s0lmm0qh1q

Segment Anything demo:
webml-community/segment-anything-webgpu
Just wanted to share something cool I've been working on for the past 6 months! I wrote over 200 chat examples on my own (takes a lot longer than you think) to emulate female characters from popular television shows, movies, and comic books. Plus it runs on 8gb VRAM! Feel free to check out my model or provide feedback on what I can improve!

https://huggingface.co/rwitz/Femme-v0.1 rwitz/Femme-v0.1 · Hugging Face
Stable Diffusion 3 available now, ComfyUI workflows
Greetings friends of fal!

At fal, we are building the fastest and most reliable inference cloud for generative AI. We are thrilled to announce some major updates. Here’s what’s new:

Stable Diffusion 3 Now Available
https://blog.fal.ai/stable-diffusion-3-on-fal-comfyui-workflows-and-more/
Introducing AuraSR - An open reproduction of the GigaGAN Upscaler
Today we are releasing AuraSR, a 600M parameter upsampler model derived from the GigaGAN paper. This model can upscale low-res images to 4x the resolution, and can be applied repeatedly. We are publishing this model under a truly open source license.

AuraSR excels in upscaling images generated by text-to-image models. This model does not have any limitations on resolution or upscaling factor.
https://blog.fal.ai/introducing-aurasr-an-open-reproduction-of-the-gigagan-upscaler-2/
AuraSR V2
Today we released the second version of our single step GAN upscaler: AuraSR.

We released AuraSR v1 last month and were encouraged by the community response so immediately started training a new version.
https://blog.fal.ai/aurasr-v2/
Announcing Flux by Black Forest Labs: The Next Leap in Text-to-Image Models
Flux, the largest SOTA open source text-to-image model to date, developed by Black Forest Labs—the original team behind Stable Diffusion is now available on fal. Flux pushes the boundaries of creativity and performance with an impressive 12B parameters, delivering aesthetics reminiscent of Midjourney.

To play around with the model now, check out the demo page here on fal.
https://blog.fal.ai/flux-the-largest-open-sourced-text2img-model-now-available-on-fal/
InternVL2-Llama3-76B
We are excited to announce the release of InternVL 2.0, the latest addition to the InternVL series of multimodal large language models. InternVL 2.0 features a variety of instruction-tuned models, ranging from 1 billion to 108 billion parameters. This repository contains the instruction-tuned InternVL2-Llama3-76B model.

Compared to the state-of-the-art open-source multimodal large language models, InternVL 2.0 surpasses most open-source models. It demonstrates competitive performance on par with proprietary commercial models across various capabilities, including document and chart comprehension, infographics QA, scene text understanding and OCR tasks, scientific and mathematical problem solving, as well as cultural understanding and integrated multimodal capabilities.

InternVL 2.0 is trained with an 8k context window and utilizes training data consisting of long texts, multiple images, and videos, significantly improving its ability to handle these types of inputs compared to InternVL 1.5. For more details, please refer to our blog and GitHub.https://huggingface.co/OpenGVLab/InternVL2-Llama3-76B OpenGVLab/InternVL2-Llama3-76B · Hugging Face
Parler-TTS Mini v1 is a lightweight text-to-speech (TTS) model, trained on 45K hours of audio data, that can generate high-quality, natural sounding speech with features that can be controlled using a simple text prompt (e.g. gender, background noise, speaking rate, pitch and reverberation).

With Parler-TTS Large v1, this is the second set of models published as part of the Parler-TTS project, which aims to provide the community with TTS training resources and dataset pre-processing code.https://huggingface.co/parler-tts/parler-tts-mini-v1 parler-tts/parler-tts-mini-v1 · Hugging Face
Maybe The Best LLM with Small Parameters under 34B
Peach-9B-8k-Roleplay
Peach-9B-8k-Roleplay is a chat large language model obtained by finetuning 01-ai/Yi-1.5-9B model on more than 100K conversations created through our data synthesis approach.
How to start
The version of Transformers we are using is as follows, but a newer version may be available.

torch==1.13.1
gradio==3.50.2
transformers==4.37.2https://huggingface.co/ClosedCharacter/Peach-9B-8k-Roleplay ClosedCharacter/Peach-9B-8k-Roleplay · Hugging Face
XLabs AI is a part of an international company, a product laboratory where we strive to become leaders in machine learning and neural networks. The company develops and implements revolutionary solutions, setting new standards and inspiring to achieve the impossible in the field of information technology. Our team is an open, energized, and young collective that welcomes innovative ideas and supports the initiative and creativity of our employees.https://huggingface.co/XLabs-AI XLabs-AI (XLabs AI)
FLUX.1 Merged Models - Several different Schnell:Dev ratios
This repository includes merged models from black-forest-labs/FLUX.1-dev and black-forest-labs/FLUX.1-schnell, in different ratios. The licenses of both models apply to these merged models.

Inspired by: https://huggingface.co/sayakpaul/FLUX.1-merged

Motivation
The goal is to create modeld which balance generation speed - allowing near-Dev generations in more like 4-16 generations.

Results