Robotics
LeRobot
Safetensors
diffusion
Beable commited on
Commit
57412dc
·
verified ·
1 Parent(s): 9bd2889

Upload policy weights, train config and readme

Browse files
Files changed (4) hide show
  1. README.md +4 -4
  2. config.json +44 -27
  3. model.safetensors +2 -2
  4. train_config.json +59 -38
README.md CHANGED
@@ -2,20 +2,20 @@
2
  datasets: Beable/pushtModel-Collected-fixed
3
  library_name: lerobot
4
  license: apache-2.0
5
- model_name: act
6
  pipeline_tag: robotics
7
  tags:
8
  - lerobot
9
- - act
10
  - robotics
11
  ---
12
 
13
- # Model Card for act
14
 
15
  <!-- Provide a quick summary of what the model is/does. -->
16
 
17
 
18
- [Action Chunking with Transformers (ACT)](https://huggingface.co/papers/2304.13705) is an imitation-learning method that predicts short action chunks instead of single steps. It learns from teleoperated data and often achieves high success rates.
19
 
20
 
21
  This policy has been trained and pushed to the Hub using [LeRobot](https://github.com/huggingface/lerobot).
 
2
  datasets: Beable/pushtModel-Collected-fixed
3
  library_name: lerobot
4
  license: apache-2.0
5
+ model_name: diffusion
6
  pipeline_tag: robotics
7
  tags:
8
  - lerobot
9
+ - diffusion
10
  - robotics
11
  ---
12
 
13
+ # Model Card for diffusion
14
 
15
  <!-- Provide a quick summary of what the model is/does. -->
16
 
17
 
18
+ [Diffusion Policy](https://huggingface.co/papers/2303.04137) treats visuomotor control as a generative diffusion process, producing smooth, multi-step action trajectories that excel at contact-rich manipulation.
19
 
20
 
21
  This policy has been trained and pushed to the Hub using [LeRobot](https://github.com/huggingface/lerobot).
config.json CHANGED
@@ -1,10 +1,10 @@
1
  {
2
- "type": "act",
3
- "n_obs_steps": 1,
4
  "normalization_mapping": {
5
  "VISUAL": "MEAN_STD",
6
- "STATE": "MEAN_STD",
7
- "ACTION": "MEAN_STD"
8
  },
9
  "input_features": {
10
  "observation.image": {
@@ -37,28 +37,45 @@
37
  "private": null,
38
  "tags": null,
39
  "license": null,
40
- "chunk_size": 100,
41
- "n_action_steps": 100,
 
42
  "vision_backbone": "resnet18",
43
- "pretrained_backbone_weights": "ResNet18_Weights.IMAGENET1K_V1",
44
- "replace_final_stride_with_dilation": false,
45
- "pre_norm": false,
46
- "dim_model": 512,
47
- "n_heads": 8,
48
- "dim_feedforward": 3200,
49
- "feedforward_activation": "relu",
50
- "n_encoder_layers": 4,
51
- "n_decoder_layers": 1,
52
- "use_vae": true,
53
- "latent_dim": 32,
54
- "n_vae_encoder_layers": 4,
55
- "temporal_ensemble_coeff": null,
56
- "dropout": 0.1,
57
- "kl_weight": 100.0,
58
- "predict_action_std": false,
59
- "action_std_min": 1e-05,
60
- "stochastic_inference": false,
61
- "optimizer_lr": 5e-05,
62
- "optimizer_weight_decay": 0.0001,
63
- "optimizer_lr_backbone": 1e-05
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
64
  }
 
1
  {
2
+ "type": "diffusion",
3
+ "n_obs_steps": 2,
4
  "normalization_mapping": {
5
  "VISUAL": "MEAN_STD",
6
+ "STATE": "MIN_MAX",
7
+ "ACTION": "MIN_MAX"
8
  },
9
  "input_features": {
10
  "observation.image": {
 
37
  "private": null,
38
  "tags": null,
39
  "license": null,
40
+ "horizon": 80,
41
+ "n_action_steps": 60,
42
+ "drop_n_last_frames": 7,
43
  "vision_backbone": "resnet18",
44
+ "crop_shape": [
45
+ 84,
46
+ 84
47
+ ],
48
+ "crop_is_random": true,
49
+ "pretrained_backbone_weights": null,
50
+ "use_group_norm": true,
51
+ "spatial_softmax_num_keypoints": 32,
52
+ "use_separate_rgb_encoder_per_camera": false,
53
+ "down_dims": [
54
+ 512,
55
+ 1024,
56
+ 2048
57
+ ],
58
+ "kernel_size": 5,
59
+ "n_groups": 8,
60
+ "diffusion_step_embed_dim": 128,
61
+ "use_film_scale_modulation": true,
62
+ "noise_scheduler_type": "DDPM",
63
+ "num_train_timesteps": 100,
64
+ "beta_schedule": "squaredcos_cap_v2",
65
+ "beta_start": 0.0001,
66
+ "beta_end": 0.02,
67
+ "prediction_type": "epsilon",
68
+ "clip_sample": true,
69
+ "clip_sample_range": 1.0,
70
+ "num_inference_steps": null,
71
+ "do_mask_loss_for_padding": false,
72
+ "optimizer_lr": 0.0001,
73
+ "optimizer_betas": [
74
+ 0.95,
75
+ 0.999
76
+ ],
77
+ "optimizer_eps": 1e-08,
78
+ "optimizer_weight_decay": 1e-06,
79
+ "scheduler_name": "cosine",
80
+ "scheduler_warmup_steps": 500
81
  }
model.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:1f427558f85e31ed7a864d66f6e99788faccf1f7af0a961c2abef1ac0c85e482
3
- size 206667888
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0c0cc527bfad2c591481140196de98bd16ecdff2809ed73aec885052e07715ab
3
+ size 1050862408
train_config.json CHANGED
@@ -62,18 +62,18 @@
62
  },
63
  "revision": "v2.2",
64
  "use_imagenet_stats": true,
65
- "video_backend": "pyav",
66
  "tolerance_s": 0.1,
67
  "timestamps_check": "warn"
68
  },
69
  "env": null,
70
  "policy": {
71
- "type": "act",
72
- "n_obs_steps": 1,
73
  "normalization_mapping": {
74
  "VISUAL": "MEAN_STD",
75
- "STATE": "MEAN_STD",
76
- "ACTION": "MEAN_STD"
77
  },
78
  "input_features": {
79
  "observation.image": {
@@ -106,55 +106,76 @@
106
  "private": null,
107
  "tags": null,
108
  "license": null,
109
- "chunk_size": 100,
110
- "n_action_steps": 100,
 
111
  "vision_backbone": "resnet18",
112
- "pretrained_backbone_weights": "ResNet18_Weights.IMAGENET1K_V1",
113
- "replace_final_stride_with_dilation": false,
114
- "pre_norm": false,
115
- "dim_model": 512,
116
- "n_heads": 8,
117
- "dim_feedforward": 3200,
118
- "feedforward_activation": "relu",
119
- "n_encoder_layers": 4,
120
- "n_decoder_layers": 1,
121
- "use_vae": true,
122
- "latent_dim": 32,
123
- "n_vae_encoder_layers": 4,
124
- "temporal_ensemble_coeff": null,
125
- "dropout": 0.1,
126
- "kl_weight": 100.0,
127
- "predict_action_std": false,
128
- "action_std_min": 1e-05,
129
- "stochastic_inference": false,
130
- "optimizer_lr": 5e-05,
131
- "optimizer_weight_decay": 0.0001,
132
- "optimizer_lr_backbone": 1e-05
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
133
  },
134
- "output_dir": "outputs/train/2025-11-06/02-21-07_act",
135
- "job_name": "act",
136
  "resume": false,
137
  "seed": 1000,
138
  "num_workers": 4,
139
- "batch_size": 72,
140
- "steps": 100000,
141
  "eval_freq": 20000,
142
  "log_freq": 200,
143
  "save_checkpoint": true,
144
- "save_freq": 30000,
145
  "use_policy_training_preset": true,
146
  "optimizer": {
147
- "type": "adamw",
148
- "lr": 5e-05,
149
- "weight_decay": 0.0001,
150
  "grad_clip_norm": 10.0,
151
  "betas": [
152
- 0.9,
153
  0.999
154
  ],
155
  "eps": 1e-08
156
  },
157
- "scheduler": null,
 
 
 
 
158
  "eval": {
159
  "n_episodes": 50,
160
  "batch_size": 50,
 
62
  },
63
  "revision": "v2.2",
64
  "use_imagenet_stats": true,
65
+ "video_backend": "torchcodec",
66
  "tolerance_s": 0.1,
67
  "timestamps_check": "warn"
68
  },
69
  "env": null,
70
  "policy": {
71
+ "type": "diffusion",
72
+ "n_obs_steps": 2,
73
  "normalization_mapping": {
74
  "VISUAL": "MEAN_STD",
75
+ "STATE": "MIN_MAX",
76
+ "ACTION": "MIN_MAX"
77
  },
78
  "input_features": {
79
  "observation.image": {
 
106
  "private": null,
107
  "tags": null,
108
  "license": null,
109
+ "horizon": 80,
110
+ "n_action_steps": 60,
111
+ "drop_n_last_frames": 7,
112
  "vision_backbone": "resnet18",
113
+ "crop_shape": [
114
+ 84,
115
+ 84
116
+ ],
117
+ "crop_is_random": true,
118
+ "pretrained_backbone_weights": null,
119
+ "use_group_norm": true,
120
+ "spatial_softmax_num_keypoints": 32,
121
+ "use_separate_rgb_encoder_per_camera": false,
122
+ "down_dims": [
123
+ 512,
124
+ 1024,
125
+ 2048
126
+ ],
127
+ "kernel_size": 5,
128
+ "n_groups": 8,
129
+ "diffusion_step_embed_dim": 128,
130
+ "use_film_scale_modulation": true,
131
+ "noise_scheduler_type": "DDPM",
132
+ "num_train_timesteps": 100,
133
+ "beta_schedule": "squaredcos_cap_v2",
134
+ "beta_start": 0.0001,
135
+ "beta_end": 0.02,
136
+ "prediction_type": "epsilon",
137
+ "clip_sample": true,
138
+ "clip_sample_range": 1.0,
139
+ "num_inference_steps": null,
140
+ "do_mask_loss_for_padding": false,
141
+ "optimizer_lr": 0.0001,
142
+ "optimizer_betas": [
143
+ 0.95,
144
+ 0.999
145
+ ],
146
+ "optimizer_eps": 1e-08,
147
+ "optimizer_weight_decay": 1e-06,
148
+ "scheduler_name": "cosine",
149
+ "scheduler_warmup_steps": 500
150
  },
151
+ "output_dir": "outputs/train/2025-11-08/13-36-33_diffusion",
152
+ "job_name": "diffusion",
153
  "resume": false,
154
  "seed": 1000,
155
  "num_workers": 4,
156
+ "batch_size": 68,
157
+ "steps": 20000,
158
  "eval_freq": 20000,
159
  "log_freq": 200,
160
  "save_checkpoint": true,
161
+ "save_freq": 10000,
162
  "use_policy_training_preset": true,
163
  "optimizer": {
164
+ "type": "adam",
165
+ "lr": 0.0001,
166
+ "weight_decay": 1e-06,
167
  "grad_clip_norm": 10.0,
168
  "betas": [
169
+ 0.95,
170
  0.999
171
  ],
172
  "eps": 1e-08
173
  },
174
+ "scheduler": {
175
+ "type": "diffuser",
176
+ "num_warmup_steps": 500,
177
+ "name": "cosine"
178
+ },
179
  "eval": {
180
  "n_episodes": 50,
181
  "batch_size": 50,