Make and print your own custom coupon gift book

Written Speculative Fiction in all its forms.

2010.08.01 16:49 1point618 Written Speculative Fiction in all its forms.

**A place to discuss published speculative fiction**—novels, short stories, comics, and more. Not sure if a book counts? Then post it! Science Fiction, Fantasy, Alt. History, Postmodern Lit., and more are all welcome here. **The key is that it be speculative, not that it fit some arbitrary genre guidelines**. Any sort of link or text post is welcome as long as it is about printed / text / static SF material.
[link]


2011.01.01 18:54 52 Book Challenge

A subreddit for the participants of the 52 Book Challenge (one book per week for a year) to discuss their progress and discoveries.
[link]


2008.07.26 09:29 Unique gift ideas for your loved ones..

A subreddit to share unique gift ideas with others.
[link]


2024.06.01 14:25 Jonasbru3m TensorFlow Model Only Predicts 2 Classes out of 475

Hello Reddit Community,
For my Bachelor Thesis im currently trying to train my first ever model with tensorflow, but I'm encountering a strange issue where my model only predicts 2 classes out of the 475 possible classes. The model was trained on a HPC with 304 Nvidia A100 and 352 Nvidia A40 GPGPUs in 82 nodes.
Thats my training script:
 import os import tensorflow as tf from tensorflow.keras.preprocessing.image import ImageDataGenerator from tensorflow.keras.applications import EfficientNetB7 from tensorflow.keras import layers, models from tensorflow.keras.callbacks import ModelCheckpoint, TensorBoard import tensorflow_addons as tfa import logging import json # Setup logging logging.basicConfig(level=logging.INFO, format='%(asctime)s - %(levelname)s - %(message)s') # Check if GPUs are available gpus = tf.config.experimental.list_physical_devices('GPU') if gpus: try: for gpu in gpus: tf.config.experimental.set_memory_growth(gpu, True) tf.config.set_visible_devices(gpus, 'GPU') logging.info(f"Using {len(gpus)} GPUs.") except RuntimeError as e: logging.error(e) else: logging.error("No GPUs found. Check your device configuration.") # Data directory data_dir = "/app/FOOD475/" # Image dimensions and batch size img_height, img_width = 600, 600 batch_size = 64 # Data preprocessing and augmentation train_datagen = ImageDataGenerator( rescale=1./255, rotation_range=40, width_shift_range=0.2, height_shift_range=0.2, shear_range=0.2, zoom_range=0.2, horizontal_flip=True, fill_mode='nearest', validation_split=0.25 ) # Load and preprocess images train_generator = train_datagen.flow_from_directory( data_dir, target_size=(img_height, img_width), batch_size=batch_size, class_mode='categorical', subset='training' ) validation_generator = train_datagen.flow_from_directory( data_dir, target_size=(img_height, img_width), batch_size=batch_size, class_mode='categorical', subset='validation' ) # Model creation function def create_model(input_shape, num_classes): base_model = EfficientNetB7(include_top=False, input_shape=input_shape, weights='imagenet') base_model.trainable = True inputs = layers.Input(shape=input_shape) x = base_model(inputs, training=True) x = layers.GlobalAveragePooling2D()(x) outputs = layers.Dense(num_classes, activation='softmax')(x) model = models.Model(inputs, outputs) return model def find_latest_saved_model(checkpoint_dir): logging.info(f"Looking in checkpoint directory: {checkpoint_dir}") if not os.path.exists(checkpoint_dir): logging.error(f"Checkpoint directory does not exist: {checkpoint_dir}") return None, 0 subdirs = [os.path.join(checkpoint_dir, d) for d in os.listdir(checkpoint_dir) if os.path.isdir(os.path.join(checkpoint_dir, d))] if not subdirs: logging.info("No subdirectories found for checkpoints.") return None, 0 latest_subdir = max(subdirs, key=lambda x: int(os.path.basename(x))) latest_epoch = int(os.path.basename(latest_subdir)) logging.info(f"Latest model directory: {latest_subdir}, Epoch: {latest_epoch}") if os.path.exists(os.path.join(latest_subdir, 'saved_model.pb')): return latest_subdir, latest_epoch else: logging.info("No saved_model.pb found in the latest directory.") return None, 0 # Mirrored strategy for multi-GPU training strategy = tf.distribute.MirroredStrategy() with strategy.scope(): saved_model_dir = 'model_training' checkpoint_dir = os.path.join(saved_model_dir, 'checkpoints') latest_saved_model, latest_epoch = find_latest_saved_model(checkpoint_dir) if latest_saved_model: logging.info(f"Loading model from {latest_saved_model}") model = tf.keras.models.load_model(latest_saved_model) else: logging.info("No saved model found. Creating a new model.") model = create_model((img_height, img_width, 3), len(train_generator.class_indices)) if not os.path.exists(saved_model_dir): os.makedirs(saved_model_dir) summary_path = os.path.join(saved_model_dir, 'model_summary.txt') with open(summary_path, 'w') as f: model.summary(print_fn=lambda x: f.write(x + '\n')) logging.info(f"Model summary saved to {summary_path}") optimizer = tf.keras.optimizers.Adam(learning_rate=0.0002) model.compile(optimizer=optimizer, loss='categorical_crossentropy', metrics=['accuracy', tf.keras.metrics.TopKCategoricalAccuracy(k=5), tfa.metrics.F1Score(num_classes=len(train_generator.class_indices), average='macro')]) # Custom Callback for Saving the Best Model in SavedModel format class SaveBestModelTF(tf.keras.callbacks.Callback): def __init__(self, monitor='val_accuracy', saved_model_dir='model_training'): super(SaveBestModelTF, self).__init__() self.monitor = monitor self.saved_model_dir = saved_model_dir def on_epoch_end(self, epoch, logs=None): current = logs.get(self.monitor) if current is None: logging.warning(f"Monitor '{self.monitor}' for saving the model is not available in logs.") return logging.info(f"Epoch {epoch + 1}: saving model to {self.saved_model_dir}/checkpoints/{epoch + 1}") epoch_path = os.path.join(self.saved_model_dir, 'checkpoints', str(epoch + 1)) if not os.path.exists(epoch_path): os.makedirs(epoch_path) self.model.save(epoch_path, save_format='tf') # Callbacks for monitoring progress tensorboard_cb = TensorBoard(log_dir='./logs') # Save class indices to a JSON file class_indices_path = 'model_training/class_indices.json' if not os.path.exists(os.path.dirname(class_indices_path)): os.makedirs(os.path.dirname(class_indices_path), exist_ok=True) logging.info(f"Directory {os.path.dirname(class_indices_path)} created.") with open(class_indices_path, 'w') as file: json.dump(train_generator.class_indices, file) logging.info(f"Class indices saved to {class_indices_path}") # Model training total_epochs = 7 model.fit( train_generator, initial_epoch=latest_epoch, # Start from the next epoch epochs=total_epochs, validation_data=validation_generator, callbacks=[SaveBestModelTF(saved_model_dir=saved_model_dir), tensorboard_cb] ) # Evaluate the model eval_result = model.evaluate(validation_generator) logging.info(f'Validation Loss: {eval_result[0]}, Validation Accuracy: {eval_result[1]}') # Save the final model as a SavedModel format (including .pb files) model.save('model_training/finished_model') logging.info("Finished model saved in SavedModel format at 'model_training/finished_model'") # Convert to TensorFlow Lite converter = tf.lite.TFLiteConverter.from_saved_model('model_training/finished_model') tflite_model = converter.convert() tflite_path = 'model_training/lite_model/trained_model_lite.tflite' if not os.path.exists(os.path.dirname(tflite_path)): os.makedirs(os.path.dirname(tflite_path), exist_ok=True) logging.info(f"Directory {os.path.dirname(tflite_path)} created.") with open(tflite_path, 'wb') as f: f.write(tflite_model) logging.info(f"Model converted and saved as {tflite_path}") 
During training i got following output:
Found 182235 images belonging to 475 classes. Found 60544 images belonging to 475 classes. Epoch 1/7 2848/2848 [==============================] - 11914s 4s/step - loss: 1.7624 - accuracy: 0.5931 - top_k_categorical_accuracy: 0.8152 - f1_score: 0.4739 - val_loss: 1.1666 - val_accuracy: 0.7043 - val_top_k_categorical_accuracy: 0.9013 - val_f1_score: 0.6053 Epoch 2/7 2848/2848 [==============================] - 11096s 4s/step - loss: 0.8293 - accuracy: 0.7788 - top_k_categorical_accuracy: 0.9435 - f1_score: 0.7094 - val_loss: 0.9409 - val_accuracy: 0.7533 - val_top_k_categorical_accuracy: 0.9277 - val_f1_score: 0.6818 Epoch 3/7 2848/2848 [==============================] - 11123s 4s/step - loss: 0.6247 - accuracy: 0.8274 - top_k_categorical_accuracy: 0.9632 - f1_score: 0.7760 - val_loss: 0.8422 - val_accuracy: 0.7761 - val_top_k_categorical_accuracy: 0.9386 - val_f1_score: 0.7080 Epoch 4/7 2848/2848 [==============================] - 11101s 4s/step - loss: 0.5070 - accuracy: 0.8562 - top_k_categorical_accuracy: 0.9743 - f1_score: 0.8165 - val_loss: 0.8002 - val_accuracy: 0.7885 - val_top_k_categorical_accuracy: 0.9428 - val_f1_score: 0.7249 Epoch 5/7 2848/2848 [==============================] - 11079s 4s/step - loss: 0.4261 - accuracy: 0.8766 - top_k_categorical_accuracy: 0.9814 - f1_score: 0.8445 - val_loss: 0.7757 - val_accuracy: 0.7940 - val_top_k_categorical_accuracy: 0.9458 - val_f1_score: 0.7404 Epoch 6/7 2848/2848 [==============================] - 11100s 4s/step - loss: 0.3641 - accuracy: 0.8932 - top_k_categorical_accuracy: 0.9856 - f1_score: 0.8657 - val_loss: 0.7639 - val_accuracy: 0.8003 - val_top_k_categorical_accuracy: 0.9472 - val_f1_score: 0.7432 Epoch 7/7 2848/2848 [==============================] - 11129s 4s/step - loss: 0.3142 - accuracy: 0.9068 - top_k_categorical_accuracy: 0.9889 - f1_score: 0.8838 - val_loss: 0.7701 - val_accuracy: 0.8014 - val_top_k_categorical_accuracy: 0.9470 - val_f1_score: 0.7474 946/946 [==============================] - 2671s 3s/step - loss: 0.7682 - accuracy: 0.8008 - top_k_categorical_accuracy: 0.9470 - f1_score: 0.7456 
And when I try to load the model and make a prediction with this code:
class own: def __init__(self): if not os.path.exists("models/own"): raise FileNotFoundError(f"Model path models/own does not exist") try: self.model = tf.keras.models.load_model("models/own", custom_objects={'F1Score': F1Score}) except Exception as e: print(f"Error loading model: {e}") raise if not os.path.exists("models/own/class_indices.json"): raise FileNotFoundError(f"Class indices path models/own/class_indices.json does not exist") with open("models/own/class_indices.json", 'r') as file: self.class_indices = json.load(file) self.index_to_class = {v: k for k, v in self.class_indices.items()} def classify(self, img_path): if not os.path.exists(img_path): raise FileNotFoundError(f"Image path {img_path} does not exist") # Load and preprocess the image img = tf.keras.preprocessing.image.load_img(img_path, target_size=(600, 600)) img_array = tf.keras.preprocessing.image.img_to_array(img) img_array = np.expand_dims(img_array, axis=0) img_array /= 255.0 # Make prediction predictions = self.model.predict(img_array) print("Raw predictions:", predictions) top_index = np.argmax(predictions[0]) top_class = self.index_to_class[top_index] print(f"Top class: {top_class}, Probability: {predictions[0][top_index]}") top_n = 5 top_indices = np.argsort(predictions[0])[-top_n:][::-1] for idx in top_indices: print(f"Class: {self.index_to_class[idx]}, Probability: {predictions[0][idx]}") return top_class 
it always either predicts Steak or Omelette:
2024-06-01 14:17:27.571776: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\losses.py:2976: The name tf.losses.sparse_softmax_cross_entropy is deprecated. Please use tf.compat.v1.losses.sparse_softmax_cross_entropy instead. C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\tensorflow_addons\utils\tfa_eol_msg.py:23: UserWarning: TensorFlow Addons (TFA) has ended development and introduction of new features. TFA has entered a minimal maintenance and release mode until a planned end of life in May 2024. Please modify downstream libraries to take dependencies from other repositories in our TensorFlow community (e.g. Keras, Keras-CV, and Keras-NLP). For more information see: warnings.warn( C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\tensorflow_addons\utils\ensure_tf_install.py:53: UserWarning: Tensorflow Addons supports using Python ops for all Tensorflow versions above or equal to 2.12.0 and strictly below 2.15.0 (nightly versions are not supported). The versions of TensorFlow you are currently using is 2.15.0 and is not supported. Some things might work, some things might not. If you were to encounter a bug, do not file an issue. If you want to make sure you're using a tested and supported configuration, either change the TensorFlow version or the TensorFlow Addons's version. You can find the compatibility matrix in TensorFlow Addon's readme: warnings.warn( WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\saving\legacy\saved_model\load.py:107: The name tf.gfile.Exists is deprecated. Please use tf.io.gfile.exists instead. 2024-06-01 14:17:31.363666: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations. To enable the following instructions: SSE SSE2 SSE3 SSE4.1 SSE4.2 AVX2 AVX512F AVX512_VNNI AVX512_BF16 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\engine\functional.py:156: The name tf.executing_eagerly_outside_functions is deprecated. Please use tf.compat.v1.executing_eagerly_outside_functions instead. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\layers\normalization\batch_normalization.py:979: The name tf.nn.fused_batch_norm is deprecated. Please use tf.compat.v1.nn.fused_batch_norm instead. 1/1 [==============================] - 4s 4s/step Raw predictions: [[4.23421043e-05 1.45377373e-06 1.09034730e-02 1.19525917e-04 4.45407240e-05 5.72818244e-05 5.68609731e-03 5.15926695e-05 1.89958355e-05 1.39491487e-04 3.20717366e-03 9.63417915e-06 1.22947793e-03 4.01171012e-04 3.64649204e-05 1.75396308e-05 3.09416023e-03 7.56465085e-03 2.89075997e-05 3.90331191e-03 2.16231216e-03 4.18351328e-06 5.89632022e-04 9.40740295e-03 6.80321036e-03 2.32697069e-03 4.23964392e-03 1.56047070e-04 2.14435873e-04 6.95710623e-05 1.38103365e-04 1.78470847e-03 3.75193194e-03 5.94434096e-03 5.69255608e-05 7.57165905e-03 1.52613886e-03 9.48755944e-04 8.21925176e-04 3.18029453e-03 3.89393512e-03 8.41296278e-05 8.34997976e-04 3.14124190e-04 6.81638776e-04 1.10320523e-02 1.10815199e-04 6.18589204e-03 2.17406079e-02 3.72037102e-05 1.65579877e-05 1.30886221e-02 1.01435784e-04 2.13157946e-05 1.25499619e-05 8.94762017e-03 4.36880719e-03 4.78018774e-03 8.53170827e-03 1.45823974e-02 1.05571962e-05 1.12631078e-05 5.09415939e-03 8.12840741e-03 1.48212257e-05 1.52864438e-02 9.66716034e-05 2.25000476e-04 3.60531732e-04 9.28066402e-06 8.15156789e-04 1.09069003e-02 3.43796797e-04 2.53324561e-05 7.89516326e-03 1.44943051e-05 4.06841224e-04 1.67445414e-05 3.78527766e-05 1.80476491e-04 3.33699776e-04 4.13847056e-06 3.32273915e-03 6.51864940e-03 7.48403618e-05 2.68448726e-04 1.54245936e-03 2.95383972e-03 2.26996126e-05 3.64100002e-03 2.81597768e-05 3.11967051e-05 1.48438021e-05 8.46863433e-04 4.05767525e-04 1.75380992e-04 4.76581818e-06 5.42160356e-04 2.19287374e-03 1.18714366e-02 1.41884899e-04 8.76697595e-06 3.85931274e-03 4.37544841e-05 4.01919424e-05 3.87528981e-03 3.88057524e-05 2.69062322e-04 4.46968805e-03 1.17368818e-05 3.70194939e-05 1.55831876e-04 1.63894765e-05 2.38729117e-04 1.19046052e-03 2.12675819e-04 1.08185853e-03 3.01667496e-05 6.18575094e-03 3.91955400e-05 1.40065713e-05 3.02084809e-04 6.46927813e-03 3.37069832e-05 5.15250103e-05 2.31142567e-05 2.20274273e-03 3.17445702e-05 1.04452763e-02 6.80019803e-05 7.81101780e-03 1.23853814e-02 1.04819983e-02 3.20679283e-05 6.71340758e-03 6.94293885e-06 1.98310101e-03 5.29599565e-05 9.02036484e-03 4.57535089e-06 1.93145883e-03 4.06190008e-03 8.42716638e-03 1.50314684e-03 8.58115556e-04 1.22383237e-03 8.49474862e-04 5.48258470e-03 6.09953167e-05 1.57669128e-03 5.43692382e-03 4.88058169e-04 6.75312986e-05 3.43937165e-04 1.93276245e-03 4.06867871e-03 5.20323374e-05 7.78318281e-05 1.93508764e-04 1.14409677e-05 2.21324177e-03 1.90052821e-03 8.52691382e-03 2.43102224e-03 2.88419239e-03 2.53974522e-05 9.51182563e-04 2.32981285e-03 9.86064842e-05 4.14316915e-03 1.66544644e-03 1.02754391e-04 3.95776224e-05 3.02393187e-06 1.32082617e-02 4.14707232e-04 3.40229672e-05 4.81802830e-03 1.90598912e-05 4.08358377e-04 5.95443300e-04 1.22634810e-04 5.74091624e-04 8.57623760e-03 2.60962266e-03 2.95263715e-03 1.58088005e-05 1.64122172e-02 2.09987498e-04 2.36775051e-03 3.00696083e-05 3.46693669e-05 1.16249910e-04 6.94001559e-03 1.58400853e-05 1.95188422e-05 2.19169408e-04 3.09433235e-04 5.44128183e-04 6.35302160e-04 7.07127433e-03 1.19772732e-04 5.37439200e-06 1.91133395e-02 1.27979312e-02 3.89739592e-03 1.97048103e-05 2.29625002e-05 2.21050854e-04 1.92064399e-04 1.20139657e-05 3.20516920e-05 4.26828819e-06 3.64828011e-05 7.55213068e-06 2.67963973e-03 3.17923805e-05 6.19895945e-05 3.99544797e-06 2.68664648e-04 1.83274597e-02 8.71072552e-05 1.38439747e-04 4.96710254e-06 3.56023484e-05 1.34899991e-03 2.05766381e-04 3.96062108e-03 5.61600551e-03 5.31910664e-05 6.77773132e-05 1.36139952e-02 7.41477634e-05 1.63904135e-03 4.74587978e-06 1.45082246e-04 2.09337009e-06 8.13181920e-04 3.63194500e-04 6.46722084e-03 5.02364383e-05 6.90550078e-05 6.36972545e-05 2.09673337e-04 1.79036579e-05 2.36021675e-04 6.37291942e-06 5.70875318e-06 2.56235455e-03 2.72009202e-04 3.77103061e-05 5.63449021e-06 2.25979857e-05 2.61697169e-05 3.42375762e-03 1.04161156e-02 2.22223607e-05 6.27681802e-05 1.88465419e-04 2.82149922e-05 4.01149562e-04 1.31122259e-04 5.97863036e-05 2.41098423e-05 7.71318519e-05 3.57087993e-04 3.41462255e-05 1.01930054e-04 5.23206063e-06 2.95026781e-04 7.02897159e-05 3.99115682e-02 1.89455808e-03 1.74146010e-06 1.14775894e-05 7.84916210e-06 1.93041191e-03 2.37918808e-03 3.49449110e-03 6.98623667e-03 7.64393993e-03 4.12582303e-05 1.24030013e-03 1.72785169e-03 7.18316660e-05 5.17749111e-04 7.84919783e-03 1.04525541e-04 9.83856899e-06 8.77521088e-05 1.68125369e-02 4.09213862e-05 1.09552668e-04 2.54421811e-05 4.65482954e-05 6.95294410e-04 6.72869501e-05 2.40904570e-04 2.15112406e-04 3.85226776e-05 2.51369456e-05 4.68338234e-03 1.26862462e-04 9.00995801e-04 4.16984549e-05 7.36891707e-06 1.51534463e-04 1.48332631e-03 4.95935837e-03 1.91499032e-02 3.01804044e-04 6.28613270e-05 4.78365598e-03 8.38827982e-05 1.70516931e-02 1.52653758e-03 5.85798814e-04 3.11521399e-05 2.11968741e-04 7.41351105e-05 1.40834545e-05 8.93215940e-04 1.45371505e-05 4.96711982e-05 4.11317131e-04 8.89070239e-03 5.06997202e-03 3.08362325e-03 2.77415646e-04 3.75299685e-04 1.19906381e-05 1.50029315e-03 1.14443043e-04 2.52026439e-05 9.22407198e-04 3.51146841e-03 1.11564566e-06 1.36691102e-04 3.53032886e-03 2.15746608e-04 8.79282816e-05 4.36248304e-03 1.77966576e-04 1.47887832e-03 6.94399816e-04 8.03673174e-04 5.23004041e-04 3.90421192e-04 1.06344873e-03 3.55399796e-04 6.01265463e-04 1.55850008e-04 1.33491016e-03 1.09734829e-04 4.38019342e-04 2.42487862e-04 6.84730615e-03 1.02040754e-03 1.07652310e-03 3.51822848e-04 9.20735547e-05 7.50967592e-04 1.44127226e-02 3.58455327e-05 5.16555374e-05 1.31370616e-03 9.02966480e-04 1.24254671e-03 5.20300702e-04 8.57163919e-04 3.66344648e-05 2.01024144e-04 6.52487564e-04 5.93215809e-04 5.76604251e-03 6.19325438e-04 1.16480421e-03 2.37531040e-05 2.50119111e-03 7.08868974e-05 5.99786472e-05 2.55976247e-05 4.62695534e-05 4.24469297e-04 6.20667648e-04 4.15926515e-05 7.03983005e-06 8.77018738e-06 5.21141301e-05 2.11411956e-04 7.74205779e-04 5.31276630e-04 6.44316664e-04 4.07212786e-03 2.68336060e-03 1.74210854e-05 3.76385942e-05 6.74255705e-03 4.46323538e-05 2.76757801e-05 2.56290223e-04 1.22213329e-04 1.22734054e-03 7.73016480e-04 1.11903930e-02 3.16570923e-02 2.75775470e-04 5.73344238e-04 2.86890985e-03 1.10085262e-03 1.35615155e-05 2.66479654e-03 1.99418981e-03 4.31017601e-04 9.68350447e-04 3.51598108e-04 8.54862970e-04 3.52715979e-05 1.46333405e-04 5.10955288e-05 1.48639630e-03 1.80458324e-03 7.51840998e-05 1.13529910e-04 3.89828119e-06 8.74532212e-04 1.12358983e-04 3.93593837e-05 6.01037289e-04 2.06997487e-04 3.94766452e-03 1.09549124e-04 2.11403880e-04 6.95336203e-04 5.99777419e-03 5.45272342e-05 2.56420486e-03 2.20299728e-04 4.23851707e-05 6.69996080e-04 2.66609713e-04 1.55276459e-04 2.75739990e-02 3.43240798e-03 2.68303775e-05 1.52821158e-04 9.82575657e-05 4.00313947e-05 6.07266993e-05 5.28094570e-05 1.02948405e-04 6.20577412e-05 2.12161940e-05 2.99842539e-03 1.17558768e-04 1.58015324e-03 3.30074807e-04 1.19093776e-04 2.52985101e-05 1.59350988e-02 4.89539379e-05 1.05491054e-05 1.09012712e-04 2.97089737e-05 7.28885690e-03 1.87386977e-05 1.85028894e-05 5.79945299e-05 1.54079917e-05 9.85169099e-05 1.05076749e-03 7.55816349e-04 2.62255053e-05 1.18091421e-05 2.95209320e-05]] Top class: omelette, Probability: 0.03991156816482544 Class: omelette, Probability: 0.03991156816482544 Class: steak, Probability: 0.03165709227323532 Class: tacos, Probability: 0.027573999017477036 Class: breakfast_burrito, Probability: 0.021740607917308807 Class: pulled_pork_sandwich, Probability: 0.01914990320801735 (own): omelette - 3.66shttps://github.com/tensorflow/addons/issues/2807https://github.com/tensorflow/addons 
Help would be appreciated because im slowly losing my mind :(,
Jonas
submitted by Jonasbru3m to computervision [link] [comments]


2024.06.01 14:24 Jonasbru3m TensorFlow Model Only Predicts 2 Classes out of 475

Hello Reddit Community,
For my Bachelor Thesis im currently trying to train my first ever model with tensorflow, but I'm encountering a strange issue where my model only predicts 2 classes out of the 475 possible classes. The model was trained on a HPC with 304 Nvidia A100 and 352 Nvidia A40 GPGPUs in 82 nodes.
Thats my training script:
 import os import tensorflow as tf from tensorflow.keras.preprocessing.image import ImageDataGenerator from tensorflow.keras.applications import EfficientNetB7 from tensorflow.keras import layers, models from tensorflow.keras.callbacks import ModelCheckpoint, TensorBoard import tensorflow_addons as tfa import logging import json # Setup logging logging.basicConfig(level=logging.INFO, format='%(asctime)s - %(levelname)s - %(message)s') # Check if GPUs are available gpus = tf.config.experimental.list_physical_devices('GPU') if gpus: try: for gpu in gpus: tf.config.experimental.set_memory_growth(gpu, True) tf.config.set_visible_devices(gpus, 'GPU') logging.info(f"Using {len(gpus)} GPUs.") except RuntimeError as e: logging.error(e) else: logging.error("No GPUs found. Check your device configuration.") # Data directory data_dir = "/app/FOOD475/" # Image dimensions and batch size img_height, img_width = 600, 600 batch_size = 64 # Data preprocessing and augmentation train_datagen = ImageDataGenerator( rescale=1./255, rotation_range=40, width_shift_range=0.2, height_shift_range=0.2, shear_range=0.2, zoom_range=0.2, horizontal_flip=True, fill_mode='nearest', validation_split=0.25 ) # Load and preprocess images train_generator = train_datagen.flow_from_directory( data_dir, target_size=(img_height, img_width), batch_size=batch_size, class_mode='categorical', subset='training' ) validation_generator = train_datagen.flow_from_directory( data_dir, target_size=(img_height, img_width), batch_size=batch_size, class_mode='categorical', subset='validation' ) # Model creation function def create_model(input_shape, num_classes): base_model = EfficientNetB7(include_top=False, input_shape=input_shape, weights='imagenet') base_model.trainable = True inputs = layers.Input(shape=input_shape) x = base_model(inputs, training=True) x = layers.GlobalAveragePooling2D()(x) outputs = layers.Dense(num_classes, activation='softmax')(x) model = models.Model(inputs, outputs) return model def find_latest_saved_model(checkpoint_dir): logging.info(f"Looking in checkpoint directory: {checkpoint_dir}") if not os.path.exists(checkpoint_dir): logging.error(f"Checkpoint directory does not exist: {checkpoint_dir}") return None, 0 subdirs = [os.path.join(checkpoint_dir, d) for d in os.listdir(checkpoint_dir) if os.path.isdir(os.path.join(checkpoint_dir, d))] if not subdirs: logging.info("No subdirectories found for checkpoints.") return None, 0 latest_subdir = max(subdirs, key=lambda x: int(os.path.basename(x))) latest_epoch = int(os.path.basename(latest_subdir)) logging.info(f"Latest model directory: {latest_subdir}, Epoch: {latest_epoch}") if os.path.exists(os.path.join(latest_subdir, 'saved_model.pb')): return latest_subdir, latest_epoch else: logging.info("No saved_model.pb found in the latest directory.") return None, 0 # Mirrored strategy for multi-GPU training strategy = tf.distribute.MirroredStrategy() with strategy.scope(): saved_model_dir = 'model_training' checkpoint_dir = os.path.join(saved_model_dir, 'checkpoints') latest_saved_model, latest_epoch = find_latest_saved_model(checkpoint_dir) if latest_saved_model: logging.info(f"Loading model from {latest_saved_model}") model = tf.keras.models.load_model(latest_saved_model) else: logging.info("No saved model found. Creating a new model.") model = create_model((img_height, img_width, 3), len(train_generator.class_indices)) if not os.path.exists(saved_model_dir): os.makedirs(saved_model_dir) summary_path = os.path.join(saved_model_dir, 'model_summary.txt') with open(summary_path, 'w') as f: model.summary(print_fn=lambda x: f.write(x + '\n')) logging.info(f"Model summary saved to {summary_path}") optimizer = tf.keras.optimizers.Adam(learning_rate=0.0002) model.compile(optimizer=optimizer, loss='categorical_crossentropy', metrics=['accuracy', tf.keras.metrics.TopKCategoricalAccuracy(k=5), tfa.metrics.F1Score(num_classes=len(train_generator.class_indices), average='macro')]) # Custom Callback for Saving the Best Model in SavedModel format class SaveBestModelTF(tf.keras.callbacks.Callback): def __init__(self, monitor='val_accuracy', saved_model_dir='model_training'): super(SaveBestModelTF, self).__init__() self.monitor = monitor self.saved_model_dir = saved_model_dir def on_epoch_end(self, epoch, logs=None): current = logs.get(self.monitor) if current is None: logging.warning(f"Monitor '{self.monitor}' for saving the model is not available in logs.") return logging.info(f"Epoch {epoch + 1}: saving model to {self.saved_model_dir}/checkpoints/{epoch + 1}") epoch_path = os.path.join(self.saved_model_dir, 'checkpoints', str(epoch + 1)) if not os.path.exists(epoch_path): os.makedirs(epoch_path) self.model.save(epoch_path, save_format='tf') # Callbacks for monitoring progress tensorboard_cb = TensorBoard(log_dir='./logs') # Save class indices to a JSON file class_indices_path = 'model_training/class_indices.json' if not os.path.exists(os.path.dirname(class_indices_path)): os.makedirs(os.path.dirname(class_indices_path), exist_ok=True) logging.info(f"Directory {os.path.dirname(class_indices_path)} created.") with open(class_indices_path, 'w') as file: json.dump(train_generator.class_indices, file) logging.info(f"Class indices saved to {class_indices_path}") # Model training total_epochs = 7 model.fit( train_generator, initial_epoch=latest_epoch, # Start from the next epoch epochs=total_epochs, validation_data=validation_generator, callbacks=[SaveBestModelTF(saved_model_dir=saved_model_dir), tensorboard_cb] ) # Evaluate the model eval_result = model.evaluate(validation_generator) logging.info(f'Validation Loss: {eval_result[0]}, Validation Accuracy: {eval_result[1]}') # Save the final model as a SavedModel format (including .pb files) model.save('model_training/finished_model') logging.info("Finished model saved in SavedModel format at 'model_training/finished_model'") # Convert to TensorFlow Lite converter = tf.lite.TFLiteConverter.from_saved_model('model_training/finished_model') tflite_model = converter.convert() tflite_path = 'model_training/lite_model/trained_model_lite.tflite' if not os.path.exists(os.path.dirname(tflite_path)): os.makedirs(os.path.dirname(tflite_path), exist_ok=True) logging.info(f"Directory {os.path.dirname(tflite_path)} created.") with open(tflite_path, 'wb') as f: f.write(tflite_model) logging.info(f"Model converted and saved as {tflite_path}") 
During training i got following output:
Found 182235 images belonging to 475 classes. Found 60544 images belonging to 475 classes. Epoch 1/7 2848/2848 [==============================] - 11914s 4s/step - loss: 1.7624 - accuracy: 0.5931 - top_k_categorical_accuracy: 0.8152 - f1_score: 0.4739 - val_loss: 1.1666 - val_accuracy: 0.7043 - val_top_k_categorical_accuracy: 0.9013 - val_f1_score: 0.6053 Epoch 2/7 2848/2848 [==============================] - 11096s 4s/step - loss: 0.8293 - accuracy: 0.7788 - top_k_categorical_accuracy: 0.9435 - f1_score: 0.7094 - val_loss: 0.9409 - val_accuracy: 0.7533 - val_top_k_categorical_accuracy: 0.9277 - val_f1_score: 0.6818 Epoch 3/7 2848/2848 [==============================] - 11123s 4s/step - loss: 0.6247 - accuracy: 0.8274 - top_k_categorical_accuracy: 0.9632 - f1_score: 0.7760 - val_loss: 0.8422 - val_accuracy: 0.7761 - val_top_k_categorical_accuracy: 0.9386 - val_f1_score: 0.7080 Epoch 4/7 2848/2848 [==============================] - 11101s 4s/step - loss: 0.5070 - accuracy: 0.8562 - top_k_categorical_accuracy: 0.9743 - f1_score: 0.8165 - val_loss: 0.8002 - val_accuracy: 0.7885 - val_top_k_categorical_accuracy: 0.9428 - val_f1_score: 0.7249 Epoch 5/7 2848/2848 [==============================] - 11079s 4s/step - loss: 0.4261 - accuracy: 0.8766 - top_k_categorical_accuracy: 0.9814 - f1_score: 0.8445 - val_loss: 0.7757 - val_accuracy: 0.7940 - val_top_k_categorical_accuracy: 0.9458 - val_f1_score: 0.7404 Epoch 6/7 2848/2848 [==============================] - 11100s 4s/step - loss: 0.3641 - accuracy: 0.8932 - top_k_categorical_accuracy: 0.9856 - f1_score: 0.8657 - val_loss: 0.7639 - val_accuracy: 0.8003 - val_top_k_categorical_accuracy: 0.9472 - val_f1_score: 0.7432 Epoch 7/7 2848/2848 [==============================] - 11129s 4s/step - loss: 0.3142 - accuracy: 0.9068 - top_k_categorical_accuracy: 0.9889 - f1_score: 0.8838 - val_loss: 0.7701 - val_accuracy: 0.8014 - val_top_k_categorical_accuracy: 0.9470 - val_f1_score: 0.7474 946/946 [==============================] - 2671s 3s/step - loss: 0.7682 - accuracy: 0.8008 - top_k_categorical_accuracy: 0.9470 - f1_score: 0.7456 
And when I try to load the model and make a prediction with this code:
class own: def __init__(self): if not os.path.exists("models/own"): raise FileNotFoundError(f"Model path models/own does not exist") try: self.model = tf.keras.models.load_model("models/own", custom_objects={'F1Score': F1Score}) except Exception as e: print(f"Error loading model: {e}") raise if not os.path.exists("models/own/class_indices.json"): raise FileNotFoundError(f"Class indices path models/own/class_indices.json does not exist") with open("models/own/class_indices.json", 'r') as file: self.class_indices = json.load(file) self.index_to_class = {v: k for k, v in self.class_indices.items()} def classify(self, img_path): if not os.path.exists(img_path): raise FileNotFoundError(f"Image path {img_path} does not exist") # Load and preprocess the image img = tf.keras.preprocessing.image.load_img(img_path, target_size=(600, 600)) img_array = tf.keras.preprocessing.image.img_to_array(img) img_array = np.expand_dims(img_array, axis=0) img_array /= 255.0 # Make prediction predictions = self.model.predict(img_array) print("Raw predictions:", predictions) top_index = np.argmax(predictions[0]) top_class = self.index_to_class[top_index] print(f"Top class: {top_class}, Probability: {predictions[0][top_index]}") top_n = 5 top_indices = np.argsort(predictions[0])[-top_n:][::-1] for idx in top_indices: print(f"Class: {self.index_to_class[idx]}, Probability: {predictions[0][idx]}") return top_class 
it always either predicts Steak or Omelette:
2024-06-01 14:17:27.571776: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\losses.py:2976: The name tf.losses.sparse_softmax_cross_entropy is deprecated. Please use tf.compat.v1.losses.sparse_softmax_cross_entropy instead. C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\tensorflow_addons\utils\tfa_eol_msg.py:23: UserWarning: TensorFlow Addons (TFA) has ended development and introduction of new features. TFA has entered a minimal maintenance and release mode until a planned end of life in May 2024. Please modify downstream libraries to take dependencies from other repositories in our TensorFlow community (e.g. Keras, Keras-CV, and Keras-NLP). For more information see: warnings.warn( C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\tensorflow_addons\utils\ensure_tf_install.py:53: UserWarning: Tensorflow Addons supports using Python ops for all Tensorflow versions above or equal to 2.12.0 and strictly below 2.15.0 (nightly versions are not supported). The versions of TensorFlow you are currently using is 2.15.0 and is not supported. Some things might work, some things might not. If you were to encounter a bug, do not file an issue. If you want to make sure you're using a tested and supported configuration, either change the TensorFlow version or the TensorFlow Addons's version. You can find the compatibility matrix in TensorFlow Addon's readme: warnings.warn( WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\saving\legacy\saved_model\load.py:107: The name tf.gfile.Exists is deprecated. Please use tf.io.gfile.exists instead. 2024-06-01 14:17:31.363666: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations. To enable the following instructions: SSE SSE2 SSE3 SSE4.1 SSE4.2 AVX2 AVX512F AVX512_VNNI AVX512_BF16 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\engine\functional.py:156: The name tf.executing_eagerly_outside_functions is deprecated. Please use tf.compat.v1.executing_eagerly_outside_functions instead. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\layers\normalization\batch_normalization.py:979: The name tf.nn.fused_batch_norm is deprecated. Please use tf.compat.v1.nn.fused_batch_norm instead. 1/1 [==============================] - 4s 4s/step Raw predictions: [[4.23421043e-05 1.45377373e-06 1.09034730e-02 1.19525917e-04 4.45407240e-05 5.72818244e-05 5.68609731e-03 5.15926695e-05 1.89958355e-05 1.39491487e-04 3.20717366e-03 9.63417915e-06 1.22947793e-03 4.01171012e-04 3.64649204e-05 1.75396308e-05 3.09416023e-03 7.56465085e-03 2.89075997e-05 3.90331191e-03 2.16231216e-03 4.18351328e-06 5.89632022e-04 9.40740295e-03 6.80321036e-03 2.32697069e-03 4.23964392e-03 1.56047070e-04 2.14435873e-04 6.95710623e-05 1.38103365e-04 1.78470847e-03 3.75193194e-03 5.94434096e-03 5.69255608e-05 7.57165905e-03 1.52613886e-03 9.48755944e-04 8.21925176e-04 3.18029453e-03 3.89393512e-03 8.41296278e-05 8.34997976e-04 3.14124190e-04 6.81638776e-04 1.10320523e-02 1.10815199e-04 6.18589204e-03 2.17406079e-02 3.72037102e-05 1.65579877e-05 1.30886221e-02 1.01435784e-04 2.13157946e-05 1.25499619e-05 8.94762017e-03 4.36880719e-03 4.78018774e-03 8.53170827e-03 1.45823974e-02 1.05571962e-05 1.12631078e-05 5.09415939e-03 8.12840741e-03 1.48212257e-05 1.52864438e-02 9.66716034e-05 2.25000476e-04 3.60531732e-04 9.28066402e-06 8.15156789e-04 1.09069003e-02 3.43796797e-04 2.53324561e-05 7.89516326e-03 1.44943051e-05 4.06841224e-04 1.67445414e-05 3.78527766e-05 1.80476491e-04 3.33699776e-04 4.13847056e-06 3.32273915e-03 6.51864940e-03 7.48403618e-05 2.68448726e-04 1.54245936e-03 2.95383972e-03 2.26996126e-05 3.64100002e-03 2.81597768e-05 3.11967051e-05 1.48438021e-05 8.46863433e-04 4.05767525e-04 1.75380992e-04 4.76581818e-06 5.42160356e-04 2.19287374e-03 1.18714366e-02 1.41884899e-04 8.76697595e-06 3.85931274e-03 4.37544841e-05 4.01919424e-05 3.87528981e-03 3.88057524e-05 2.69062322e-04 4.46968805e-03 1.17368818e-05 3.70194939e-05 1.55831876e-04 1.63894765e-05 2.38729117e-04 1.19046052e-03 2.12675819e-04 1.08185853e-03 3.01667496e-05 6.18575094e-03 3.91955400e-05 1.40065713e-05 3.02084809e-04 6.46927813e-03 3.37069832e-05 5.15250103e-05 2.31142567e-05 2.20274273e-03 3.17445702e-05 1.04452763e-02 6.80019803e-05 7.81101780e-03 1.23853814e-02 1.04819983e-02 3.20679283e-05 6.71340758e-03 6.94293885e-06 1.98310101e-03 5.29599565e-05 9.02036484e-03 4.57535089e-06 1.93145883e-03 4.06190008e-03 8.42716638e-03 1.50314684e-03 8.58115556e-04 1.22383237e-03 8.49474862e-04 5.48258470e-03 6.09953167e-05 1.57669128e-03 5.43692382e-03 4.88058169e-04 6.75312986e-05 3.43937165e-04 1.93276245e-03 4.06867871e-03 5.20323374e-05 7.78318281e-05 1.93508764e-04 1.14409677e-05 2.21324177e-03 1.90052821e-03 8.52691382e-03 2.43102224e-03 2.88419239e-03 2.53974522e-05 9.51182563e-04 2.32981285e-03 9.86064842e-05 4.14316915e-03 1.66544644e-03 1.02754391e-04 3.95776224e-05 3.02393187e-06 1.32082617e-02 4.14707232e-04 3.40229672e-05 4.81802830e-03 1.90598912e-05 4.08358377e-04 5.95443300e-04 1.22634810e-04 5.74091624e-04 8.57623760e-03 2.60962266e-03 2.95263715e-03 1.58088005e-05 1.64122172e-02 2.09987498e-04 2.36775051e-03 3.00696083e-05 3.46693669e-05 1.16249910e-04 6.94001559e-03 1.58400853e-05 1.95188422e-05 2.19169408e-04 3.09433235e-04 5.44128183e-04 6.35302160e-04 7.07127433e-03 1.19772732e-04 5.37439200e-06 1.91133395e-02 1.27979312e-02 3.89739592e-03 1.97048103e-05 2.29625002e-05 2.21050854e-04 1.92064399e-04 1.20139657e-05 3.20516920e-05 4.26828819e-06 3.64828011e-05 7.55213068e-06 2.67963973e-03 3.17923805e-05 6.19895945e-05 3.99544797e-06 2.68664648e-04 1.83274597e-02 8.71072552e-05 1.38439747e-04 4.96710254e-06 3.56023484e-05 1.34899991e-03 2.05766381e-04 3.96062108e-03 5.61600551e-03 5.31910664e-05 6.77773132e-05 1.36139952e-02 7.41477634e-05 1.63904135e-03 4.74587978e-06 1.45082246e-04 2.09337009e-06 8.13181920e-04 3.63194500e-04 6.46722084e-03 5.02364383e-05 6.90550078e-05 6.36972545e-05 2.09673337e-04 1.79036579e-05 2.36021675e-04 6.37291942e-06 5.70875318e-06 2.56235455e-03 2.72009202e-04 3.77103061e-05 5.63449021e-06 2.25979857e-05 2.61697169e-05 3.42375762e-03 1.04161156e-02 2.22223607e-05 6.27681802e-05 1.88465419e-04 2.82149922e-05 4.01149562e-04 1.31122259e-04 5.97863036e-05 2.41098423e-05 7.71318519e-05 3.57087993e-04 3.41462255e-05 1.01930054e-04 5.23206063e-06 2.95026781e-04 7.02897159e-05 3.99115682e-02 1.89455808e-03 1.74146010e-06 1.14775894e-05 7.84916210e-06 1.93041191e-03 2.37918808e-03 3.49449110e-03 6.98623667e-03 7.64393993e-03 4.12582303e-05 1.24030013e-03 1.72785169e-03 7.18316660e-05 5.17749111e-04 7.84919783e-03 1.04525541e-04 9.83856899e-06 8.77521088e-05 1.68125369e-02 4.09213862e-05 1.09552668e-04 2.54421811e-05 4.65482954e-05 6.95294410e-04 6.72869501e-05 2.40904570e-04 2.15112406e-04 3.85226776e-05 2.51369456e-05 4.68338234e-03 1.26862462e-04 9.00995801e-04 4.16984549e-05 7.36891707e-06 1.51534463e-04 1.48332631e-03 4.95935837e-03 1.91499032e-02 3.01804044e-04 6.28613270e-05 4.78365598e-03 8.38827982e-05 1.70516931e-02 1.52653758e-03 5.85798814e-04 3.11521399e-05 2.11968741e-04 7.41351105e-05 1.40834545e-05 8.93215940e-04 1.45371505e-05 4.96711982e-05 4.11317131e-04 8.89070239e-03 5.06997202e-03 3.08362325e-03 2.77415646e-04 3.75299685e-04 1.19906381e-05 1.50029315e-03 1.14443043e-04 2.52026439e-05 9.22407198e-04 3.51146841e-03 1.11564566e-06 1.36691102e-04 3.53032886e-03 2.15746608e-04 8.79282816e-05 4.36248304e-03 1.77966576e-04 1.47887832e-03 6.94399816e-04 8.03673174e-04 5.23004041e-04 3.90421192e-04 1.06344873e-03 3.55399796e-04 6.01265463e-04 1.55850008e-04 1.33491016e-03 1.09734829e-04 4.38019342e-04 2.42487862e-04 6.84730615e-03 1.02040754e-03 1.07652310e-03 3.51822848e-04 9.20735547e-05 7.50967592e-04 1.44127226e-02 3.58455327e-05 5.16555374e-05 1.31370616e-03 9.02966480e-04 1.24254671e-03 5.20300702e-04 8.57163919e-04 3.66344648e-05 2.01024144e-04 6.52487564e-04 5.93215809e-04 5.76604251e-03 6.19325438e-04 1.16480421e-03 2.37531040e-05 2.50119111e-03 7.08868974e-05 5.99786472e-05 2.55976247e-05 4.62695534e-05 4.24469297e-04 6.20667648e-04 4.15926515e-05 7.03983005e-06 8.77018738e-06 5.21141301e-05 2.11411956e-04 7.74205779e-04 5.31276630e-04 6.44316664e-04 4.07212786e-03 2.68336060e-03 1.74210854e-05 3.76385942e-05 6.74255705e-03 4.46323538e-05 2.76757801e-05 2.56290223e-04 1.22213329e-04 1.22734054e-03 7.73016480e-04 1.11903930e-02 3.16570923e-02 2.75775470e-04 5.73344238e-04 2.86890985e-03 1.10085262e-03 1.35615155e-05 2.66479654e-03 1.99418981e-03 4.31017601e-04 9.68350447e-04 3.51598108e-04 8.54862970e-04 3.52715979e-05 1.46333405e-04 5.10955288e-05 1.48639630e-03 1.80458324e-03 7.51840998e-05 1.13529910e-04 3.89828119e-06 8.74532212e-04 1.12358983e-04 3.93593837e-05 6.01037289e-04 2.06997487e-04 3.94766452e-03 1.09549124e-04 2.11403880e-04 6.95336203e-04 5.99777419e-03 5.45272342e-05 2.56420486e-03 2.20299728e-04 4.23851707e-05 6.69996080e-04 2.66609713e-04 1.55276459e-04 2.75739990e-02 3.43240798e-03 2.68303775e-05 1.52821158e-04 9.82575657e-05 4.00313947e-05 6.07266993e-05 5.28094570e-05 1.02948405e-04 6.20577412e-05 2.12161940e-05 2.99842539e-03 1.17558768e-04 1.58015324e-03 3.30074807e-04 1.19093776e-04 2.52985101e-05 1.59350988e-02 4.89539379e-05 1.05491054e-05 1.09012712e-04 2.97089737e-05 7.28885690e-03 1.87386977e-05 1.85028894e-05 5.79945299e-05 1.54079917e-05 9.85169099e-05 1.05076749e-03 7.55816349e-04 2.62255053e-05 1.18091421e-05 2.95209320e-05]] Top class: omelette, Probability: 0.03991156816482544 Class: omelette, Probability: 0.03991156816482544 Class: steak, Probability: 0.03165709227323532 Class: tacos, Probability: 0.027573999017477036 Class: breakfast_burrito, Probability: 0.021740607917308807 Class: pulled_pork_sandwich, Probability: 0.01914990320801735 (own): omelette - 3.66shttps://github.com/tensorflow/addons/issues/2807https://github.com/tensorflow/addons 
Help would be appreciated because im slowly losing my mind :(,
Jonas
submitted by Jonasbru3m to learnmachinelearning [link] [comments]


2024.06.01 14:23 Jonasbru3m TensorFlow Model Only Predicts 2 Classes out of 475

Hello Reddit Community,
For my Bachelor Thesis im currently trying to train my first ever model with tensorflow, but I'm encountering a strange issue where my model only predicts 2 classes out of the 475 possible classes. The model was trained on a HPC with 304 Nvidia A100 and 352 Nvidia A40 GPGPUs in 82 nodes.
Thats my training script:
 import os import tensorflow as tf from tensorflow.keras.preprocessing.image import ImageDataGenerator from tensorflow.keras.applications import EfficientNetB7 from tensorflow.keras import layers, models from tensorflow.keras.callbacks import ModelCheckpoint, TensorBoard import tensorflow_addons as tfa import logging import json # Setup logging logging.basicConfig(level=logging.INFO, format='%(asctime)s - %(levelname)s - %(message)s') # Check if GPUs are available gpus = tf.config.experimental.list_physical_devices('GPU') if gpus: try: for gpu in gpus: tf.config.experimental.set_memory_growth(gpu, True) tf.config.set_visible_devices(gpus, 'GPU') logging.info(f"Using {len(gpus)} GPUs.") except RuntimeError as e: logging.error(e) else: logging.error("No GPUs found. Check your device configuration.") # Data directory data_dir = "/app/FOOD475/" # Image dimensions and batch size img_height, img_width = 600, 600 batch_size = 64 # Data preprocessing and augmentation train_datagen = ImageDataGenerator( rescale=1./255, rotation_range=40, width_shift_range=0.2, height_shift_range=0.2, shear_range=0.2, zoom_range=0.2, horizontal_flip=True, fill_mode='nearest', validation_split=0.25 ) # Load and preprocess images train_generator = train_datagen.flow_from_directory( data_dir, target_size=(img_height, img_width), batch_size=batch_size, class_mode='categorical', subset='training' ) validation_generator = train_datagen.flow_from_directory( data_dir, target_size=(img_height, img_width), batch_size=batch_size, class_mode='categorical', subset='validation' ) # Model creation function def create_model(input_shape, num_classes): base_model = EfficientNetB7(include_top=False, input_shape=input_shape, weights='imagenet') base_model.trainable = True inputs = layers.Input(shape=input_shape) x = base_model(inputs, training=True) x = layers.GlobalAveragePooling2D()(x) outputs = layers.Dense(num_classes, activation='softmax')(x) model = models.Model(inputs, outputs) return model def find_latest_saved_model(checkpoint_dir): logging.info(f"Looking in checkpoint directory: {checkpoint_dir}") if not os.path.exists(checkpoint_dir): logging.error(f"Checkpoint directory does not exist: {checkpoint_dir}") return None, 0 subdirs = [os.path.join(checkpoint_dir, d) for d in os.listdir(checkpoint_dir) if os.path.isdir(os.path.join(checkpoint_dir, d))] if not subdirs: logging.info("No subdirectories found for checkpoints.") return None, 0 latest_subdir = max(subdirs, key=lambda x: int(os.path.basename(x))) latest_epoch = int(os.path.basename(latest_subdir)) logging.info(f"Latest model directory: {latest_subdir}, Epoch: {latest_epoch}") if os.path.exists(os.path.join(latest_subdir, 'saved_model.pb')): return latest_subdir, latest_epoch else: logging.info("No saved_model.pb found in the latest directory.") return None, 0 # Mirrored strategy for multi-GPU training strategy = tf.distribute.MirroredStrategy() with strategy.scope(): saved_model_dir = 'model_training' checkpoint_dir = os.path.join(saved_model_dir, 'checkpoints') latest_saved_model, latest_epoch = find_latest_saved_model(checkpoint_dir) if latest_saved_model: logging.info(f"Loading model from {latest_saved_model}") model = tf.keras.models.load_model(latest_saved_model) else: logging.info("No saved model found. Creating a new model.") model = create_model((img_height, img_width, 3), len(train_generator.class_indices)) if not os.path.exists(saved_model_dir): os.makedirs(saved_model_dir) summary_path = os.path.join(saved_model_dir, 'model_summary.txt') with open(summary_path, 'w') as f: model.summary(print_fn=lambda x: f.write(x + '\n')) logging.info(f"Model summary saved to {summary_path}") optimizer = tf.keras.optimizers.Adam(learning_rate=0.0002) model.compile(optimizer=optimizer, loss='categorical_crossentropy', metrics=['accuracy', tf.keras.metrics.TopKCategoricalAccuracy(k=5), tfa.metrics.F1Score(num_classes=len(train_generator.class_indices), average='macro')]) # Custom Callback for Saving the Best Model in SavedModel format class SaveBestModelTF(tf.keras.callbacks.Callback): def __init__(self, monitor='val_accuracy', saved_model_dir='model_training'): super(SaveBestModelTF, self).__init__() self.monitor = monitor self.saved_model_dir = saved_model_dir def on_epoch_end(self, epoch, logs=None): current = logs.get(self.monitor) if current is None: logging.warning(f"Monitor '{self.monitor}' for saving the model is not available in logs.") return logging.info(f"Epoch {epoch + 1}: saving model to {self.saved_model_dir}/checkpoints/{epoch + 1}") epoch_path = os.path.join(self.saved_model_dir, 'checkpoints', str(epoch + 1)) if not os.path.exists(epoch_path): os.makedirs(epoch_path) self.model.save(epoch_path, save_format='tf') # Callbacks for monitoring progress tensorboard_cb = TensorBoard(log_dir='./logs') # Save class indices to a JSON file class_indices_path = 'model_training/class_indices.json' if not os.path.exists(os.path.dirname(class_indices_path)): os.makedirs(os.path.dirname(class_indices_path), exist_ok=True) logging.info(f"Directory {os.path.dirname(class_indices_path)} created.") with open(class_indices_path, 'w') as file: json.dump(train_generator.class_indices, file) logging.info(f"Class indices saved to {class_indices_path}") # Model training total_epochs = 7 model.fit( train_generator, initial_epoch=latest_epoch, # Start from the next epoch epochs=total_epochs, validation_data=validation_generator, callbacks=[SaveBestModelTF(saved_model_dir=saved_model_dir), tensorboard_cb] ) # Evaluate the model eval_result = model.evaluate(validation_generator) logging.info(f'Validation Loss: {eval_result[0]}, Validation Accuracy: {eval_result[1]}') # Save the final model as a SavedModel format (including .pb files) model.save('model_training/finished_model') logging.info("Finished model saved in SavedModel format at 'model_training/finished_model'") # Convert to TensorFlow Lite converter = tf.lite.TFLiteConverter.from_saved_model('model_training/finished_model') tflite_model = converter.convert() tflite_path = 'model_training/lite_model/trained_model_lite.tflite' if not os.path.exists(os.path.dirname(tflite_path)): os.makedirs(os.path.dirname(tflite_path), exist_ok=True) logging.info(f"Directory {os.path.dirname(tflite_path)} created.") with open(tflite_path, 'wb') as f: f.write(tflite_model) logging.info(f"Model converted and saved as {tflite_path}") 
During training i got following output:
Found 182235 images belonging to 475 classes. Found 60544 images belonging to 475 classes. Epoch 1/7 2848/2848 [==============================] - 11914s 4s/step - loss: 1.7624 - accuracy: 0.5931 - top_k_categorical_accuracy: 0.8152 - f1_score: 0.4739 - val_loss: 1.1666 - val_accuracy: 0.7043 - val_top_k_categorical_accuracy: 0.9013 - val_f1_score: 0.6053 Epoch 2/7 2848/2848 [==============================] - 11096s 4s/step - loss: 0.8293 - accuracy: 0.7788 - top_k_categorical_accuracy: 0.9435 - f1_score: 0.7094 - val_loss: 0.9409 - val_accuracy: 0.7533 - val_top_k_categorical_accuracy: 0.9277 - val_f1_score: 0.6818 Epoch 3/7 2848/2848 [==============================] - 11123s 4s/step - loss: 0.6247 - accuracy: 0.8274 - top_k_categorical_accuracy: 0.9632 - f1_score: 0.7760 - val_loss: 0.8422 - val_accuracy: 0.7761 - val_top_k_categorical_accuracy: 0.9386 - val_f1_score: 0.7080 Epoch 4/7 2848/2848 [==============================] - 11101s 4s/step - loss: 0.5070 - accuracy: 0.8562 - top_k_categorical_accuracy: 0.9743 - f1_score: 0.8165 - val_loss: 0.8002 - val_accuracy: 0.7885 - val_top_k_categorical_accuracy: 0.9428 - val_f1_score: 0.7249 Epoch 5/7 2848/2848 [==============================] - 11079s 4s/step - loss: 0.4261 - accuracy: 0.8766 - top_k_categorical_accuracy: 0.9814 - f1_score: 0.8445 - val_loss: 0.7757 - val_accuracy: 0.7940 - val_top_k_categorical_accuracy: 0.9458 - val_f1_score: 0.7404 Epoch 6/7 2848/2848 [==============================] - 11100s 4s/step - loss: 0.3641 - accuracy: 0.8932 - top_k_categorical_accuracy: 0.9856 - f1_score: 0.8657 - val_loss: 0.7639 - val_accuracy: 0.8003 - val_top_k_categorical_accuracy: 0.9472 - val_f1_score: 0.7432 Epoch 7/7 2848/2848 [==============================] - 11129s 4s/step - loss: 0.3142 - accuracy: 0.9068 - top_k_categorical_accuracy: 0.9889 - f1_score: 0.8838 - val_loss: 0.7701 - val_accuracy: 0.8014 - val_top_k_categorical_accuracy: 0.9470 - val_f1_score: 0.7474 946/946 [==============================] - 2671s 3s/step - loss: 0.7682 - accuracy: 0.8008 - top_k_categorical_accuracy: 0.9470 - f1_score: 0.7456 
And when I try to load the model and make a prediction with this code:
class own: def __init__(self): if not os.path.exists("models/own"): raise FileNotFoundError(f"Model path models/own does not exist") try: self.model = tf.keras.models.load_model("models/own", custom_objects={'F1Score': F1Score}) except Exception as e: print(f"Error loading model: {e}") raise if not os.path.exists("models/own/class_indices.json"): raise FileNotFoundError(f"Class indices path models/own/class_indices.json does not exist") with open("models/own/class_indices.json", 'r') as file: self.class_indices = json.load(file) self.index_to_class = {v: k for k, v in self.class_indices.items()} def classify(self, img_path): if not os.path.exists(img_path): raise FileNotFoundError(f"Image path {img_path} does not exist") # Load and preprocess the image img = tf.keras.preprocessing.image.load_img(img_path, target_size=(600, 600)) img_array = tf.keras.preprocessing.image.img_to_array(img) img_array = np.expand_dims(img_array, axis=0) img_array /= 255.0 # Make prediction predictions = self.model.predict(img_array) print("Raw predictions:", predictions) top_index = np.argmax(predictions[0]) top_class = self.index_to_class[top_index] print(f"Top class: {top_class}, Probability: {predictions[0][top_index]}") top_n = 5 top_indices = np.argsort(predictions[0])[-top_n:][::-1] for idx in top_indices: print(f"Class: {self.index_to_class[idx]}, Probability: {predictions[0][idx]}") return top_class 
it always either predicts Steak or Omelette:
2024-06-01 14:17:27.571776: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\losses.py:2976: The name tf.losses.sparse_softmax_cross_entropy is deprecated. Please use tf.compat.v1.losses.sparse_softmax_cross_entropy instead. C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\tensorflow_addons\utils\tfa_eol_msg.py:23: UserWarning: TensorFlow Addons (TFA) has ended development and introduction of new features. TFA has entered a minimal maintenance and release mode until a planned end of life in May 2024. Please modify downstream libraries to take dependencies from other repositories in our TensorFlow community (e.g. Keras, Keras-CV, and Keras-NLP). For more information see: warnings.warn( C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\tensorflow_addons\utils\ensure_tf_install.py:53: UserWarning: Tensorflow Addons supports using Python ops for all Tensorflow versions above or equal to 2.12.0 and strictly below 2.15.0 (nightly versions are not supported). The versions of TensorFlow you are currently using is 2.15.0 and is not supported. Some things might work, some things might not. If you were to encounter a bug, do not file an issue. If you want to make sure you're using a tested and supported configuration, either change the TensorFlow version or the TensorFlow Addons's version. You can find the compatibility matrix in TensorFlow Addon's readme: warnings.warn( WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\saving\legacy\saved_model\load.py:107: The name tf.gfile.Exists is deprecated. Please use tf.io.gfile.exists instead. 2024-06-01 14:17:31.363666: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations. To enable the following instructions: SSE SSE2 SSE3 SSE4.1 SSE4.2 AVX2 AVX512F AVX512_VNNI AVX512_BF16 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\engine\functional.py:156: The name tf.executing_eagerly_outside_functions is deprecated. Please use tf.compat.v1.executing_eagerly_outside_functions instead. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\layers\normalization\batch_normalization.py:979: The name tf.nn.fused_batch_norm is deprecated. Please use tf.compat.v1.nn.fused_batch_norm instead. 1/1 [==============================] - 4s 4s/step Raw predictions: [[4.23421043e-05 1.45377373e-06 1.09034730e-02 1.19525917e-04 4.45407240e-05 5.72818244e-05 5.68609731e-03 5.15926695e-05 1.89958355e-05 1.39491487e-04 3.20717366e-03 9.63417915e-06 1.22947793e-03 4.01171012e-04 3.64649204e-05 1.75396308e-05 3.09416023e-03 7.56465085e-03 2.89075997e-05 3.90331191e-03 2.16231216e-03 4.18351328e-06 5.89632022e-04 9.40740295e-03 6.80321036e-03 2.32697069e-03 4.23964392e-03 1.56047070e-04 2.14435873e-04 6.95710623e-05 1.38103365e-04 1.78470847e-03 3.75193194e-03 5.94434096e-03 5.69255608e-05 7.57165905e-03 1.52613886e-03 9.48755944e-04 8.21925176e-04 3.18029453e-03 3.89393512e-03 8.41296278e-05 8.34997976e-04 3.14124190e-04 6.81638776e-04 1.10320523e-02 1.10815199e-04 6.18589204e-03 2.17406079e-02 3.72037102e-05 1.65579877e-05 1.30886221e-02 1.01435784e-04 2.13157946e-05 1.25499619e-05 8.94762017e-03 4.36880719e-03 4.78018774e-03 8.53170827e-03 1.45823974e-02 1.05571962e-05 1.12631078e-05 5.09415939e-03 8.12840741e-03 1.48212257e-05 1.52864438e-02 9.66716034e-05 2.25000476e-04 3.60531732e-04 9.28066402e-06 8.15156789e-04 1.09069003e-02 3.43796797e-04 2.53324561e-05 7.89516326e-03 1.44943051e-05 4.06841224e-04 1.67445414e-05 3.78527766e-05 1.80476491e-04 3.33699776e-04 4.13847056e-06 3.32273915e-03 6.51864940e-03 7.48403618e-05 2.68448726e-04 1.54245936e-03 2.95383972e-03 2.26996126e-05 3.64100002e-03 2.81597768e-05 3.11967051e-05 1.48438021e-05 8.46863433e-04 4.05767525e-04 1.75380992e-04 4.76581818e-06 5.42160356e-04 2.19287374e-03 1.18714366e-02 1.41884899e-04 8.76697595e-06 3.85931274e-03 4.37544841e-05 4.01919424e-05 3.87528981e-03 3.88057524e-05 2.69062322e-04 4.46968805e-03 1.17368818e-05 3.70194939e-05 1.55831876e-04 1.63894765e-05 2.38729117e-04 1.19046052e-03 2.12675819e-04 1.08185853e-03 3.01667496e-05 6.18575094e-03 3.91955400e-05 1.40065713e-05 3.02084809e-04 6.46927813e-03 3.37069832e-05 5.15250103e-05 2.31142567e-05 2.20274273e-03 3.17445702e-05 1.04452763e-02 6.80019803e-05 7.81101780e-03 1.23853814e-02 1.04819983e-02 3.20679283e-05 6.71340758e-03 6.94293885e-06 1.98310101e-03 5.29599565e-05 9.02036484e-03 4.57535089e-06 1.93145883e-03 4.06190008e-03 8.42716638e-03 1.50314684e-03 8.58115556e-04 1.22383237e-03 8.49474862e-04 5.48258470e-03 6.09953167e-05 1.57669128e-03 5.43692382e-03 4.88058169e-04 6.75312986e-05 3.43937165e-04 1.93276245e-03 4.06867871e-03 5.20323374e-05 7.78318281e-05 1.93508764e-04 1.14409677e-05 2.21324177e-03 1.90052821e-03 8.52691382e-03 2.43102224e-03 2.88419239e-03 2.53974522e-05 9.51182563e-04 2.32981285e-03 9.86064842e-05 4.14316915e-03 1.66544644e-03 1.02754391e-04 3.95776224e-05 3.02393187e-06 1.32082617e-02 4.14707232e-04 3.40229672e-05 4.81802830e-03 1.90598912e-05 4.08358377e-04 5.95443300e-04 1.22634810e-04 5.74091624e-04 8.57623760e-03 2.60962266e-03 2.95263715e-03 1.58088005e-05 1.64122172e-02 2.09987498e-04 2.36775051e-03 3.00696083e-05 3.46693669e-05 1.16249910e-04 6.94001559e-03 1.58400853e-05 1.95188422e-05 2.19169408e-04 3.09433235e-04 5.44128183e-04 6.35302160e-04 7.07127433e-03 1.19772732e-04 5.37439200e-06 1.91133395e-02 1.27979312e-02 3.89739592e-03 1.97048103e-05 2.29625002e-05 2.21050854e-04 1.92064399e-04 1.20139657e-05 3.20516920e-05 4.26828819e-06 3.64828011e-05 7.55213068e-06 2.67963973e-03 3.17923805e-05 6.19895945e-05 3.99544797e-06 2.68664648e-04 1.83274597e-02 8.71072552e-05 1.38439747e-04 4.96710254e-06 3.56023484e-05 1.34899991e-03 2.05766381e-04 3.96062108e-03 5.61600551e-03 5.31910664e-05 6.77773132e-05 1.36139952e-02 7.41477634e-05 1.63904135e-03 4.74587978e-06 1.45082246e-04 2.09337009e-06 8.13181920e-04 3.63194500e-04 6.46722084e-03 5.02364383e-05 6.90550078e-05 6.36972545e-05 2.09673337e-04 1.79036579e-05 2.36021675e-04 6.37291942e-06 5.70875318e-06 2.56235455e-03 2.72009202e-04 3.77103061e-05 5.63449021e-06 2.25979857e-05 2.61697169e-05 3.42375762e-03 1.04161156e-02 2.22223607e-05 6.27681802e-05 1.88465419e-04 2.82149922e-05 4.01149562e-04 1.31122259e-04 5.97863036e-05 2.41098423e-05 7.71318519e-05 3.57087993e-04 3.41462255e-05 1.01930054e-04 5.23206063e-06 2.95026781e-04 7.02897159e-05 3.99115682e-02 1.89455808e-03 1.74146010e-06 1.14775894e-05 7.84916210e-06 1.93041191e-03 2.37918808e-03 3.49449110e-03 6.98623667e-03 7.64393993e-03 4.12582303e-05 1.24030013e-03 1.72785169e-03 7.18316660e-05 5.17749111e-04 7.84919783e-03 1.04525541e-04 9.83856899e-06 8.77521088e-05 1.68125369e-02 4.09213862e-05 1.09552668e-04 2.54421811e-05 4.65482954e-05 6.95294410e-04 6.72869501e-05 2.40904570e-04 2.15112406e-04 3.85226776e-05 2.51369456e-05 4.68338234e-03 1.26862462e-04 9.00995801e-04 4.16984549e-05 7.36891707e-06 1.51534463e-04 1.48332631e-03 4.95935837e-03 1.91499032e-02 3.01804044e-04 6.28613270e-05 4.78365598e-03 8.38827982e-05 1.70516931e-02 1.52653758e-03 5.85798814e-04 3.11521399e-05 2.11968741e-04 7.41351105e-05 1.40834545e-05 8.93215940e-04 1.45371505e-05 4.96711982e-05 4.11317131e-04 8.89070239e-03 5.06997202e-03 3.08362325e-03 2.77415646e-04 3.75299685e-04 1.19906381e-05 1.50029315e-03 1.14443043e-04 2.52026439e-05 9.22407198e-04 3.51146841e-03 1.11564566e-06 1.36691102e-04 3.53032886e-03 2.15746608e-04 8.79282816e-05 4.36248304e-03 1.77966576e-04 1.47887832e-03 6.94399816e-04 8.03673174e-04 5.23004041e-04 3.90421192e-04 1.06344873e-03 3.55399796e-04 6.01265463e-04 1.55850008e-04 1.33491016e-03 1.09734829e-04 4.38019342e-04 2.42487862e-04 6.84730615e-03 1.02040754e-03 1.07652310e-03 3.51822848e-04 9.20735547e-05 7.50967592e-04 1.44127226e-02 3.58455327e-05 5.16555374e-05 1.31370616e-03 9.02966480e-04 1.24254671e-03 5.20300702e-04 8.57163919e-04 3.66344648e-05 2.01024144e-04 6.52487564e-04 5.93215809e-04 5.76604251e-03 6.19325438e-04 1.16480421e-03 2.37531040e-05 2.50119111e-03 7.08868974e-05 5.99786472e-05 2.55976247e-05 4.62695534e-05 4.24469297e-04 6.20667648e-04 4.15926515e-05 7.03983005e-06 8.77018738e-06 5.21141301e-05 2.11411956e-04 7.74205779e-04 5.31276630e-04 6.44316664e-04 4.07212786e-03 2.68336060e-03 1.74210854e-05 3.76385942e-05 6.74255705e-03 4.46323538e-05 2.76757801e-05 2.56290223e-04 1.22213329e-04 1.22734054e-03 7.73016480e-04 1.11903930e-02 3.16570923e-02 2.75775470e-04 5.73344238e-04 2.86890985e-03 1.10085262e-03 1.35615155e-05 2.66479654e-03 1.99418981e-03 4.31017601e-04 9.68350447e-04 3.51598108e-04 8.54862970e-04 3.52715979e-05 1.46333405e-04 5.10955288e-05 1.48639630e-03 1.80458324e-03 7.51840998e-05 1.13529910e-04 3.89828119e-06 8.74532212e-04 1.12358983e-04 3.93593837e-05 6.01037289e-04 2.06997487e-04 3.94766452e-03 1.09549124e-04 2.11403880e-04 6.95336203e-04 5.99777419e-03 5.45272342e-05 2.56420486e-03 2.20299728e-04 4.23851707e-05 6.69996080e-04 2.66609713e-04 1.55276459e-04 2.75739990e-02 3.43240798e-03 2.68303775e-05 1.52821158e-04 9.82575657e-05 4.00313947e-05 6.07266993e-05 5.28094570e-05 1.02948405e-04 6.20577412e-05 2.12161940e-05 2.99842539e-03 1.17558768e-04 1.58015324e-03 3.30074807e-04 1.19093776e-04 2.52985101e-05 1.59350988e-02 4.89539379e-05 1.05491054e-05 1.09012712e-04 2.97089737e-05 7.28885690e-03 1.87386977e-05 1.85028894e-05 5.79945299e-05 1.54079917e-05 9.85169099e-05 1.05076749e-03 7.55816349e-04 2.62255053e-05 1.18091421e-05 2.95209320e-05]] Top class: omelette, Probability: 0.03991156816482544 Class: omelette, Probability: 0.03991156816482544 Class: steak, Probability: 0.03165709227323532 Class: tacos, Probability: 0.027573999017477036 Class: breakfast_burrito, Probability: 0.021740607917308807 Class: pulled_pork_sandwich, Probability: 0.01914990320801735 (own): omelette - 3.66shttps://github.com/tensorflow/addons/issues/2807https://github.com/tensorflow/addons 
Help would be appreciated because im slowly losing my mind :(,
Jonas
submitted by Jonasbru3m to deeplearning [link] [comments]


2024.06.01 14:22 IMXASHIKNUR1 Sell Digital and Physical Products Easily with a Low-Cost LMS

Introduction
In the world of online learning and selling, you need a platform that helps you sell both digital and physical products easily. A good Learning Management System can make this process simple, save you money, and improve customer experience. In this article I wrote what features to look for in an LMS and introduced a great option, EzyCourse.
Key Features of a Good LMS for Selling Products
Easy to Use
An LMS should be simple to use. This helps you create and manage courses and products without any trouble. A clear layout helps users find what they need quickly.
E-commerce Features
To sell both digital and physical products, an LMS should have:
Simple Checkout
A simple and secure checkout process helps reduce the number of abandoned carts. Customers should be able to buy products easily.
Marketing Tools
Marketing tools can help boost sales. Features like discount codes, promotions, and email marketing keep customers interested.
Reports and Insights
Good reporting and insights help you understand sales and customer behavior. This includes details about product sales, revenue, and customer demographics.
Selling Digital Products with an LMS
Digital products like eBooks, software, and online courses are popular because they are cheap to make and can be delivered instantly. A good LMS for digital products should have:
Selling Physical Products with an LMS
For selling physical products, an LMS should provide:
EzyCourse: A Great LMS Solution
EzyCourse is great for selling both digital and physical products.
Easy to Use
EzyCourse is designed to be simple. Its dashboard is easy to navigate, making it easy to create and manage courses and products.
E-commerce Features
EzyCourse has strong e-commerce features. It allows you to list products easily and manage them well. It supports different payment gateways for secure transactions.
Simple Checkout
EzyCourse offers a smooth and secure checkout process, which helps reduce abandoned carts.
Marketing Tools
EzyCourse provides marketing tools like discount codes and email marketing, helping you promote products and engage customers.
Reports and Insights
EzyCourse offers detailed reports and insights, helping you understand sales and customer behavior.
Selling Digital Products
EzyCourse is great for managing digital products. It ensures instant delivery, secure downloads, and content protection.
Selling Physical Products
EzyCourse integrates with shipping carriers for real-time shipping rates and tracking. It also offers tools to manage orders, print shipping labels, and handle returns. Automated customer notifications keep buyers informed.
Conclusion
In the world of online learning and selling, an LMS that supports both digital and physical products is important. Platforms like EzyCourse offer great features and are easy to use, making them ideal for businesses that want to streamline their operations and improve customer experience. If you can choose the right LMS, you can manage your products efficiently, save money, and achieve success.
submitted by IMXASHIKNUR1 to CourseCreatorsHub [link] [comments]


2024.06.01 14:21 Jonasbru3m TensorFlow Model Only Predicts 2 Classes out of 475

Hello Reddit Community,
For my Bachelor Thesis im currently trying to train my first ever model with tensorflow, but I'm encountering a strange issue where my model only predicts 2 classes out of the 475 possible classes. The model was trained on a HPC with 304 Nvidia A100 and 352 Nvidia A40 GPGPUs in 82 nodes.
Thats my training script:
 import os import tensorflow as tf from tensorflow.keras.preprocessing.image import ImageDataGenerator from tensorflow.keras.applications import EfficientNetB7 from tensorflow.keras import layers, models from tensorflow.keras.callbacks import ModelCheckpoint, TensorBoard import tensorflow_addons as tfa import logging import json # Setup logging logging.basicConfig(level=logging.INFO, format='%(asctime)s - %(levelname)s - %(message)s') # Check if GPUs are available gpus = tf.config.experimental.list_physical_devices('GPU') if gpus: try: for gpu in gpus: tf.config.experimental.set_memory_growth(gpu, True) tf.config.set_visible_devices(gpus, 'GPU') logging.info(f"Using {len(gpus)} GPUs.") except RuntimeError as e: logging.error(e) else: logging.error("No GPUs found. Check your device configuration.") # Data directory data_dir = "/app/FOOD475/" # Image dimensions and batch size img_height, img_width = 600, 600 batch_size = 64 # Data preprocessing and augmentation train_datagen = ImageDataGenerator( rescale=1./255, rotation_range=40, width_shift_range=0.2, height_shift_range=0.2, shear_range=0.2, zoom_range=0.2, horizontal_flip=True, fill_mode='nearest', validation_split=0.25 ) # Load and preprocess images train_generator = train_datagen.flow_from_directory( data_dir, target_size=(img_height, img_width), batch_size=batch_size, class_mode='categorical', subset='training' ) validation_generator = train_datagen.flow_from_directory( data_dir, target_size=(img_height, img_width), batch_size=batch_size, class_mode='categorical', subset='validation' ) # Model creation function def create_model(input_shape, num_classes): base_model = EfficientNetB7(include_top=False, input_shape=input_shape, weights='imagenet') base_model.trainable = True inputs = layers.Input(shape=input_shape) x = base_model(inputs, training=True) x = layers.GlobalAveragePooling2D()(x) outputs = layers.Dense(num_classes, activation='softmax')(x) model = models.Model(inputs, outputs) return model def find_latest_saved_model(checkpoint_dir): logging.info(f"Looking in checkpoint directory: {checkpoint_dir}") if not os.path.exists(checkpoint_dir): logging.error(f"Checkpoint directory does not exist: {checkpoint_dir}") return None, 0 subdirs = [os.path.join(checkpoint_dir, d) for d in os.listdir(checkpoint_dir) if os.path.isdir(os.path.join(checkpoint_dir, d))] if not subdirs: logging.info("No subdirectories found for checkpoints.") return None, 0 latest_subdir = max(subdirs, key=lambda x: int(os.path.basename(x))) latest_epoch = int(os.path.basename(latest_subdir)) logging.info(f"Latest model directory: {latest_subdir}, Epoch: {latest_epoch}") if os.path.exists(os.path.join(latest_subdir, 'saved_model.pb')): return latest_subdir, latest_epoch else: logging.info("No saved_model.pb found in the latest directory.") return None, 0 # Mirrored strategy for multi-GPU training strategy = tf.distribute.MirroredStrategy() with strategy.scope(): saved_model_dir = 'model_training' checkpoint_dir = os.path.join(saved_model_dir, 'checkpoints') latest_saved_model, latest_epoch = find_latest_saved_model(checkpoint_dir) if latest_saved_model: logging.info(f"Loading model from {latest_saved_model}") model = tf.keras.models.load_model(latest_saved_model) else: logging.info("No saved model found. Creating a new model.") model = create_model((img_height, img_width, 3), len(train_generator.class_indices)) if not os.path.exists(saved_model_dir): os.makedirs(saved_model_dir) summary_path = os.path.join(saved_model_dir, 'model_summary.txt') with open(summary_path, 'w') as f: model.summary(print_fn=lambda x: f.write(x + '\n')) logging.info(f"Model summary saved to {summary_path}") optimizer = tf.keras.optimizers.Adam(learning_rate=0.0002) model.compile(optimizer=optimizer, loss='categorical_crossentropy', metrics=['accuracy', tf.keras.metrics.TopKCategoricalAccuracy(k=5), tfa.metrics.F1Score(num_classes=len(train_generator.class_indices), average='macro')]) # Custom Callback for Saving the Best Model in SavedModel format class SaveBestModelTF(tf.keras.callbacks.Callback): def __init__(self, monitor='val_accuracy', saved_model_dir='model_training'): super(SaveBestModelTF, self).__init__() self.monitor = monitor self.saved_model_dir = saved_model_dir def on_epoch_end(self, epoch, logs=None): current = logs.get(self.monitor) if current is None: logging.warning(f"Monitor '{self.monitor}' for saving the model is not available in logs.") return logging.info(f"Epoch {epoch + 1}: saving model to {self.saved_model_dir}/checkpoints/{epoch + 1}") epoch_path = os.path.join(self.saved_model_dir, 'checkpoints', str(epoch + 1)) if not os.path.exists(epoch_path): os.makedirs(epoch_path) self.model.save(epoch_path, save_format='tf') # Callbacks for monitoring progress tensorboard_cb = TensorBoard(log_dir='./logs') # Save class indices to a JSON file class_indices_path = 'model_training/class_indices.json' if not os.path.exists(os.path.dirname(class_indices_path)): os.makedirs(os.path.dirname(class_indices_path), exist_ok=True) logging.info(f"Directory {os.path.dirname(class_indices_path)} created.") with open(class_indices_path, 'w') as file: json.dump(train_generator.class_indices, file) logging.info(f"Class indices saved to {class_indices_path}") # Model training total_epochs = 7 model.fit( train_generator, initial_epoch=latest_epoch, # Start from the next epoch epochs=total_epochs, validation_data=validation_generator, callbacks=[SaveBestModelTF(saved_model_dir=saved_model_dir), tensorboard_cb] ) # Evaluate the model eval_result = model.evaluate(validation_generator) logging.info(f'Validation Loss: {eval_result[0]}, Validation Accuracy: {eval_result[1]}') # Save the final model as a SavedModel format (including .pb files) model.save('model_training/finished_model') logging.info("Finished model saved in SavedModel format at 'model_training/finished_model'") # Convert to TensorFlow Lite converter = tf.lite.TFLiteConverter.from_saved_model('model_training/finished_model') tflite_model = converter.convert() tflite_path = 'model_training/lite_model/trained_model_lite.tflite' if not os.path.exists(os.path.dirname(tflite_path)): os.makedirs(os.path.dirname(tflite_path), exist_ok=True) logging.info(f"Directory {os.path.dirname(tflite_path)} created.") with open(tflite_path, 'wb') as f: f.write(tflite_model) logging.info(f"Model converted and saved as {tflite_path}") 
During training i got following output:
Found 182235 images belonging to 475 classes. Found 60544 images belonging to 475 classes. Epoch 1/7 2848/2848 [==============================] - 11914s 4s/step - loss: 1.7624 - accuracy: 0.5931 - top_k_categorical_accuracy: 0.8152 - f1_score: 0.4739 - val_loss: 1.1666 - val_accuracy: 0.7043 - val_top_k_categorical_accuracy: 0.9013 - val_f1_score: 0.6053 Epoch 2/7 2848/2848 [==============================] - 11096s 4s/step - loss: 0.8293 - accuracy: 0.7788 - top_k_categorical_accuracy: 0.9435 - f1_score: 0.7094 - val_loss: 0.9409 - val_accuracy: 0.7533 - val_top_k_categorical_accuracy: 0.9277 - val_f1_score: 0.6818 Epoch 3/7 2848/2848 [==============================] - 11123s 4s/step - loss: 0.6247 - accuracy: 0.8274 - top_k_categorical_accuracy: 0.9632 - f1_score: 0.7760 - val_loss: 0.8422 - val_accuracy: 0.7761 - val_top_k_categorical_accuracy: 0.9386 - val_f1_score: 0.7080 Epoch 4/7 2848/2848 [==============================] - 11101s 4s/step - loss: 0.5070 - accuracy: 0.8562 - top_k_categorical_accuracy: 0.9743 - f1_score: 0.8165 - val_loss: 0.8002 - val_accuracy: 0.7885 - val_top_k_categorical_accuracy: 0.9428 - val_f1_score: 0.7249 Epoch 5/7 2848/2848 [==============================] - 11079s 4s/step - loss: 0.4261 - accuracy: 0.8766 - top_k_categorical_accuracy: 0.9814 - f1_score: 0.8445 - val_loss: 0.7757 - val_accuracy: 0.7940 - val_top_k_categorical_accuracy: 0.9458 - val_f1_score: 0.7404 Epoch 6/7 2848/2848 [==============================] - 11100s 4s/step - loss: 0.3641 - accuracy: 0.8932 - top_k_categorical_accuracy: 0.9856 - f1_score: 0.8657 - val_loss: 0.7639 - val_accuracy: 0.8003 - val_top_k_categorical_accuracy: 0.9472 - val_f1_score: 0.7432 Epoch 7/7 2848/2848 [==============================] - 11129s 4s/step - loss: 0.3142 - accuracy: 0.9068 - top_k_categorical_accuracy: 0.9889 - f1_score: 0.8838 - val_loss: 0.7701 - val_accuracy: 0.8014 - val_top_k_categorical_accuracy: 0.9470 - val_f1_score: 0.7474 946/946 [==============================] - 2671s 3s/step - loss: 0.7682 - accuracy: 0.8008 - top_k_categorical_accuracy: 0.9470 - f1_score: 0.7456 
And when I try to load the model and make a prediction with this code:
class own: def __init__(self): if not os.path.exists("models/own"): raise FileNotFoundError(f"Model path models/own does not exist") try: self.model = tf.keras.models.load_model("models/own", custom_objects={'F1Score': F1Score}) except Exception as e: print(f"Error loading model: {e}") raise if not os.path.exists("models/own/class_indices.json"): raise FileNotFoundError(f"Class indices path models/own/class_indices.json does not exist") with open("models/own/class_indices.json", 'r') as file: self.class_indices = json.load(file) self.index_to_class = {v: k for k, v in self.class_indices.items()} def classify(self, img_path): if not os.path.exists(img_path): raise FileNotFoundError(f"Image path {img_path} does not exist") # Load and preprocess the image img = tf.keras.preprocessing.image.load_img(img_path, target_size=(600, 600)) img_array = tf.keras.preprocessing.image.img_to_array(img) img_array = np.expand_dims(img_array, axis=0) img_array /= 255.0 # Make prediction predictions = self.model.predict(img_array) print("Raw predictions:", predictions) top_index = np.argmax(predictions[0]) top_class = self.index_to_class[top_index] print(f"Top class: {top_class}, Probability: {predictions[0][top_index]}") top_n = 5 top_indices = np.argsort(predictions[0])[-top_n:][::-1] for idx in top_indices: print(f"Class: {self.index_to_class[idx]}, Probability: {predictions[0][idx]}") return top_class 
it always either predicts Steak or Omelette:
2024-06-01 14:17:27.571776: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\losses.py:2976: The name tf.losses.sparse_softmax_cross_entropy is deprecated. Please use tf.compat.v1.losses.sparse_softmax_cross_entropy instead. C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\tensorflow_addons\utils\tfa_eol_msg.py:23: UserWarning: TensorFlow Addons (TFA) has ended development and introduction of new features. TFA has entered a minimal maintenance and release mode until a planned end of life in May 2024. Please modify downstream libraries to take dependencies from other repositories in our TensorFlow community (e.g. Keras, Keras-CV, and Keras-NLP). For more information see: https://github.com/tensorflow/addons/issues/2807 warnings.warn( C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\tensorflow_addons\utils\ensure_tf_install.py:53: UserWarning: Tensorflow Addons supports using Python ops for all Tensorflow versions above or equal to 2.12.0 and strictly below 2.15.0 (nightly versions are not supported). The versions of TensorFlow you are currently using is 2.15.0 and is not supported. Some things might work, some things might not. If you were to encounter a bug, do not file an issue. If you want to make sure you're using a tested and supported configuration, either change the TensorFlow version or the TensorFlow Addons's version. You can find the compatibility matrix in TensorFlow Addon's readme: https://github.com/tensorflow/addons warnings.warn( WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\saving\legacy\saved_model\load.py:107: The name tf.gfile.Exists is deprecated. Please use tf.io.gfile.exists instead. 2024-06-01 14:17:31.363666: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations. To enable the following instructions: SSE SSE2 SSE3 SSE4.1 SSE4.2 AVX2 AVX512F AVX512_VNNI AVX512_BF16 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\engine\functional.py:156: The name tf.executing_eagerly_outside_functions is deprecated. Please use tf.compat.v1.executing_eagerly_outside_functions instead. WARNING:tensorflow:From C:\Users\[Name]\AppData\Local\Programs\Python\Python310\lib\site-packages\keras\src\layers\normalization\batch_normalization.py:979: The name tf.nn.fused_batch_norm is deprecated. Please use tf.compat.v1.nn.fused_batch_norm instead. 1/1 [==============================] - 4s 4s/step Raw predictions: [[4.23421043e-05 1.45377373e-06 1.09034730e-02 1.19525917e-04 4.45407240e-05 5.72818244e-05 5.68609731e-03 5.15926695e-05 1.89958355e-05 1.39491487e-04 3.20717366e-03 9.63417915e-06 1.22947793e-03 4.01171012e-04 3.64649204e-05 1.75396308e-05 3.09416023e-03 7.56465085e-03 2.89075997e-05 3.90331191e-03 2.16231216e-03 4.18351328e-06 5.89632022e-04 9.40740295e-03 6.80321036e-03 2.32697069e-03 4.23964392e-03 1.56047070e-04 2.14435873e-04 6.95710623e-05 1.38103365e-04 1.78470847e-03 3.75193194e-03 5.94434096e-03 5.69255608e-05 7.57165905e-03 1.52613886e-03 9.48755944e-04 8.21925176e-04 3.18029453e-03 3.89393512e-03 8.41296278e-05 8.34997976e-04 3.14124190e-04 6.81638776e-04 1.10320523e-02 1.10815199e-04 6.18589204e-03 2.17406079e-02 3.72037102e-05 1.65579877e-05 1.30886221e-02 1.01435784e-04 2.13157946e-05 1.25499619e-05 8.94762017e-03 4.36880719e-03 4.78018774e-03 8.53170827e-03 1.45823974e-02 1.05571962e-05 1.12631078e-05 5.09415939e-03 8.12840741e-03 1.48212257e-05 1.52864438e-02 9.66716034e-05 2.25000476e-04 3.60531732e-04 9.28066402e-06 8.15156789e-04 1.09069003e-02 3.43796797e-04 2.53324561e-05 7.89516326e-03 1.44943051e-05 4.06841224e-04 1.67445414e-05 3.78527766e-05 1.80476491e-04 3.33699776e-04 4.13847056e-06 3.32273915e-03 6.51864940e-03 7.48403618e-05 2.68448726e-04 1.54245936e-03 2.95383972e-03 2.26996126e-05 3.64100002e-03 2.81597768e-05 3.11967051e-05 1.48438021e-05 8.46863433e-04 4.05767525e-04 1.75380992e-04 4.76581818e-06 5.42160356e-04 2.19287374e-03 1.18714366e-02 1.41884899e-04 8.76697595e-06 3.85931274e-03 4.37544841e-05 4.01919424e-05 3.87528981e-03 3.88057524e-05 2.69062322e-04 4.46968805e-03 1.17368818e-05 3.70194939e-05 1.55831876e-04 1.63894765e-05 2.38729117e-04 1.19046052e-03 2.12675819e-04 1.08185853e-03 3.01667496e-05 6.18575094e-03 3.91955400e-05 1.40065713e-05 3.02084809e-04 6.46927813e-03 3.37069832e-05 5.15250103e-05 2.31142567e-05 2.20274273e-03 3.17445702e-05 1.04452763e-02 6.80019803e-05 7.81101780e-03 1.23853814e-02 1.04819983e-02 3.20679283e-05 6.71340758e-03 6.94293885e-06 1.98310101e-03 5.29599565e-05 9.02036484e-03 4.57535089e-06 1.93145883e-03 4.06190008e-03 8.42716638e-03 1.50314684e-03 8.58115556e-04 1.22383237e-03 8.49474862e-04 5.48258470e-03 6.09953167e-05 1.57669128e-03 5.43692382e-03 4.88058169e-04 6.75312986e-05 3.43937165e-04 1.93276245e-03 4.06867871e-03 5.20323374e-05 7.78318281e-05 1.93508764e-04 1.14409677e-05 2.21324177e-03 1.90052821e-03 8.52691382e-03 2.43102224e-03 2.88419239e-03 2.53974522e-05 9.51182563e-04 2.32981285e-03 9.86064842e-05 4.14316915e-03 1.66544644e-03 1.02754391e-04 3.95776224e-05 3.02393187e-06 1.32082617e-02 4.14707232e-04 3.40229672e-05 4.81802830e-03 1.90598912e-05 4.08358377e-04 5.95443300e-04 1.22634810e-04 5.74091624e-04 8.57623760e-03 2.60962266e-03 2.95263715e-03 1.58088005e-05 1.64122172e-02 2.09987498e-04 2.36775051e-03 3.00696083e-05 3.46693669e-05 1.16249910e-04 6.94001559e-03 1.58400853e-05 1.95188422e-05 2.19169408e-04 3.09433235e-04 5.44128183e-04 6.35302160e-04 7.07127433e-03 1.19772732e-04 5.37439200e-06 1.91133395e-02 1.27979312e-02 3.89739592e-03 1.97048103e-05 2.29625002e-05 2.21050854e-04 1.92064399e-04 1.20139657e-05 3.20516920e-05 4.26828819e-06 3.64828011e-05 7.55213068e-06 2.67963973e-03 3.17923805e-05 6.19895945e-05 3.99544797e-06 2.68664648e-04 1.83274597e-02 8.71072552e-05 1.38439747e-04 4.96710254e-06 3.56023484e-05 1.34899991e-03 2.05766381e-04 3.96062108e-03 5.61600551e-03 5.31910664e-05 6.77773132e-05 1.36139952e-02 7.41477634e-05 1.63904135e-03 4.74587978e-06 1.45082246e-04 2.09337009e-06 8.13181920e-04 3.63194500e-04 6.46722084e-03 5.02364383e-05 6.90550078e-05 6.36972545e-05 2.09673337e-04 1.79036579e-05 2.36021675e-04 6.37291942e-06 5.70875318e-06 2.56235455e-03 2.72009202e-04 3.77103061e-05 5.63449021e-06 2.25979857e-05 2.61697169e-05 3.42375762e-03 1.04161156e-02 2.22223607e-05 6.27681802e-05 1.88465419e-04 2.82149922e-05 4.01149562e-04 1.31122259e-04 5.97863036e-05 2.41098423e-05 7.71318519e-05 3.57087993e-04 3.41462255e-05 1.01930054e-04 5.23206063e-06 2.95026781e-04 7.02897159e-05 3.99115682e-02 1.89455808e-03 1.74146010e-06 1.14775894e-05 7.84916210e-06 1.93041191e-03 2.37918808e-03 3.49449110e-03 6.98623667e-03 7.64393993e-03 4.12582303e-05 1.24030013e-03 1.72785169e-03 7.18316660e-05 5.17749111e-04 7.84919783e-03 1.04525541e-04 9.83856899e-06 8.77521088e-05 1.68125369e-02 4.09213862e-05 1.09552668e-04 2.54421811e-05 4.65482954e-05 6.95294410e-04 6.72869501e-05 2.40904570e-04 2.15112406e-04 3.85226776e-05 2.51369456e-05 4.68338234e-03 1.26862462e-04 9.00995801e-04 4.16984549e-05 7.36891707e-06 1.51534463e-04 1.48332631e-03 4.95935837e-03 1.91499032e-02 3.01804044e-04 6.28613270e-05 4.78365598e-03 8.38827982e-05 1.70516931e-02 1.52653758e-03 5.85798814e-04 3.11521399e-05 2.11968741e-04 7.41351105e-05 1.40834545e-05 8.93215940e-04 1.45371505e-05 4.96711982e-05 4.11317131e-04 8.89070239e-03 5.06997202e-03 3.08362325e-03 2.77415646e-04 3.75299685e-04 1.19906381e-05 1.50029315e-03 1.14443043e-04 2.52026439e-05 9.22407198e-04 3.51146841e-03 1.11564566e-06 1.36691102e-04 3.53032886e-03 2.15746608e-04 8.79282816e-05 4.36248304e-03 1.77966576e-04 1.47887832e-03 6.94399816e-04 8.03673174e-04 5.23004041e-04 3.90421192e-04 1.06344873e-03 3.55399796e-04 6.01265463e-04 1.55850008e-04 1.33491016e-03 1.09734829e-04 4.38019342e-04 2.42487862e-04 6.84730615e-03 1.02040754e-03 1.07652310e-03 3.51822848e-04 9.20735547e-05 7.50967592e-04 1.44127226e-02 3.58455327e-05 5.16555374e-05 1.31370616e-03 9.02966480e-04 1.24254671e-03 5.20300702e-04 8.57163919e-04 3.66344648e-05 2.01024144e-04 6.52487564e-04 5.93215809e-04 5.76604251e-03 6.19325438e-04 1.16480421e-03 2.37531040e-05 2.50119111e-03 7.08868974e-05 5.99786472e-05 2.55976247e-05 4.62695534e-05 4.24469297e-04 6.20667648e-04 4.15926515e-05 7.03983005e-06 8.77018738e-06 5.21141301e-05 2.11411956e-04 7.74205779e-04 5.31276630e-04 6.44316664e-04 4.07212786e-03 2.68336060e-03 1.74210854e-05 3.76385942e-05 6.74255705e-03 4.46323538e-05 2.76757801e-05 2.56290223e-04 1.22213329e-04 1.22734054e-03 7.73016480e-04 1.11903930e-02 3.16570923e-02 2.75775470e-04 5.73344238e-04 2.86890985e-03 1.10085262e-03 1.35615155e-05 2.66479654e-03 1.99418981e-03 4.31017601e-04 9.68350447e-04 3.51598108e-04 8.54862970e-04 3.52715979e-05 1.46333405e-04 5.10955288e-05 1.48639630e-03 1.80458324e-03 7.51840998e-05 1.13529910e-04 3.89828119e-06 8.74532212e-04 1.12358983e-04 3.93593837e-05 6.01037289e-04 2.06997487e-04 3.94766452e-03 1.09549124e-04 2.11403880e-04 6.95336203e-04 5.99777419e-03 5.45272342e-05 2.56420486e-03 2.20299728e-04 4.23851707e-05 6.69996080e-04 2.66609713e-04 1.55276459e-04 2.75739990e-02 3.43240798e-03 2.68303775e-05 1.52821158e-04 9.82575657e-05 4.00313947e-05 6.07266993e-05 5.28094570e-05 1.02948405e-04 6.20577412e-05 2.12161940e-05 2.99842539e-03 1.17558768e-04 1.58015324e-03 3.30074807e-04 1.19093776e-04 2.52985101e-05 1.59350988e-02 4.89539379e-05 1.05491054e-05 1.09012712e-04 2.97089737e-05 7.28885690e-03 1.87386977e-05 1.85028894e-05 5.79945299e-05 1.54079917e-05 9.85169099e-05 1.05076749e-03 7.55816349e-04 2.62255053e-05 1.18091421e-05 2.95209320e-05]] Top class: omelette, Probability: 0.03991156816482544 Class: omelette, Probability: 0.03991156816482544 Class: steak, Probability: 0.03165709227323532 Class: tacos, Probability: 0.027573999017477036 Class: breakfast_burrito, Probability: 0.021740607917308807 Class: pulled_pork_sandwich, Probability: 0.01914990320801735 (own): omelette - 3.66s 
Help would be appreciated because im slowly losing my mind :(,
Jonas
submitted by Jonasbru3m to tensorflow [link] [comments]


2024.06.01 13:56 genericusername1904 H.G. WELLS’S, THE SHAPE OF THINGS TO COME (1933) VS. 1984 AND BRAVE NEW WORLD

H.G. WELLS’S, THE SHAPE OF THINGS TO COME (1933) VS. 1984 AND BRAVE NEW WORLD

ID, IX. MAIORES. V, CAL. IUNI. FORTUNA PRIMIGENIA.

I discovered this book by complete chance last year – a very old hardback copy was given to me as gift (in a situation which was certainly weighted with the most unlikely of synchronicities), “huh,” I thought, “it’s a first edition of H.G. Wells,” the book itself almost cannot be opened because it is so old and falling apart so I procured a text and audio file of the thing relatively easily and began to read. In hindsight not only for myself but I fancy for the generations of the last fifty years - in all totality, it is deeply strange that this book has not been more widely recognized or taught in schools, as like 1984 and Brave New World, as being the third contender (although technically the second, published one year after Huxley – seemingly written at the same time interestingly enough) in “visions of dystopia” – except that the book is not so much a vision of dystopia tomorrow but a vision of dystopia ‘today’ or rather ‘life as we know it’ of the 19th, 20th and 21st Centuries (endless war, endless pandemics, economic and logistic chaos), narrated from the comfortable and reassuring position of a society far far in the future who have long since revised their culture and solved all of the causes of the problems and become a society of genius polymaths “with (every Man and Woman) the intellectual equal of the polymaths of the ancient world.”
Now, I do not mean here to seem to ‘sweet-talk’ the reader into rushing out and buying this book or to hold it up in the manner of those other books as if it were some ideological blueprint but instead to assay the thing in the natural context which seems to me to be universally unrealized and which presents itself to us as a thing which is plainly self-evident, that is: that in the depressing and miserable dichotomy of 1984 and Brave New World; two extremely atomizing and miserable narratives, that there is also – far more empowering – The Shape Of Things To Come wherein the miserable protagony and antagony of both 1984 and Brave New World might read as merely a footnote somewhere in the middle of the book as an example of the witless measures mankinds old master undertook to preserve their power in an untenable circumstance. In other words, we know all about 1984 as children; we have this drummed into our heads and we glean our cultural comprehension that dictators cannot be cliques of business people but only lone individuals, usually in military uniform, and then we graduate from that to Brave New World to gain a more sophisticated comprehension of the feckless consumerism and ‘passive egoism’ by which our society actually operates, but then we do not – as I argue we ought – continue along in our education with this third book which actually addresses the matters at hand at a more adult level.
For instance, here, from ‘The Breakdown Of Finance And Social Morale After Versailles’ (Book One, Chapter Twelve) addresses in a single paragraph the cause of our continual economic chaos (of which all crime and poverty and war originates from) and highlights the problem from which this chaos cannot be resolved yet could easily be resolved, “adjustment was left to blind and ill-estimated forces,” “manifestly, a dramatic revision of the liberties of enterprise was necessary, but the enterprising people who controlled politics (would be) the very last people to undertake such a revision,”

…the expansion of productive energy was being accompanied by a positive contraction of the distributive arrangements which determined consumption. The more efficient the output, the fewer were the wages-earners. The more stuff there was, the fewer consumers there were. The fewer the consumers, the smaller the trading profits, and the less the gross spending power of the shareholders and individual entrepreneurs. So buying dwindled at both ends of the process and the common investor suffered with the wages- earner. This was the "Paradox of Overproduction" which so troubled the writers and journalists of the third decade of the twentieth century.

It is easy for the young student to-day to ask "Why did they not adjust?" But let him ask himself who there was to adjust. Our modern superstructure of applied economic science, the David Lubin Bureau and the General Directors' Board, with its vast recording organization, its hundreds of thousands of stations and observers, directing, adjusting, apportioning and distributing, had not even begun to exist. Adjustment was left to blind and ill-estimated forces. It was the general interest of mankind to be prosperous, but it was nobody's particular interest to keep affairs in a frame of prosperity. Manifestly a dramatic revision of the liberties of enterprise was necessary, but the enterprising people who controlled politics, so far as political life was controlled, were the very last people to undertake such a revision.

There is a clever metaphor I fancy that Wells worked in to this for the ‘actual’ defacto controlling class of things, that is: not really the politicians (sorry to disappoint the Orwell and conspiracy fans) but instead the ‘Dictatorship of the Air’ which might easily read as the ‘Dictatorship of the Airwaves’ – in colloquial language, that being radio and then television. Certainly we might imagine Rupert Murdoch or Ted Turner or Sumner Redstone (of yesterday) entering into honourable retirement as like the ‘dictators of the air’ of the very last days before the establishment of a one world state – in any case that is how things would work out, as the power of, say, Ted Turner to eradicate a political party in the United States – at any time he wishes – by simply green-lighting coverage of their bad actions relentlessly for months until revolution occurs is a real power of which no other institution possesses nor possesses any means of defence against, i.e. the ‘real power’ in our world to end a war or begin or war or end this or begin that is that power held by the organized press. This metaphor is somewhat of a more mature view, I think, than Wells earlier conception of the press in The Sleeper Awakes (1899) where the press of a dystopian future is visualized as a “babble machine” spreading circular nonsense to preoccupy the citizenry (although this is arguably a true representation of the mental processes of the Twitter and Facebook user, or of the general baby-speak and extremely infantile form of the news reports on the front page of the BBC News website) which is more or less what the press depicted as being in Brave New World also.
However the construction of sudden new realities (or sudden ‘actualities’) presented by the equation of interdependent technological innovations (i.e. the radio and the television in this instance) is mentioned early on in The Shape Of Things To Come in ‘How The Idea And Hope Of The Modern World State First Appeared’ (Book One, Chapter Two),

The fruitlessness of all these premature inventions is very easily explained. First in the case of the Transatlantic passage; either the earlier navigators who got to America never got back, or, if they did get back, they were unable to find the necessary support and means to go again before they died, or they had had enough of hardship, or they perished in a second attempt. Their stories were distorted into fantastic legends and substantially disbelieved. It was, indeed, a quite futile adventure to get to America until the keeled sailing ship, the science of navigation, and the mariner's compass had been added to human resources. (Then), in the matter of printing, it was only when the Chinese had developed the systematic manufacture of abundant cheap paper sheets in standard sizes that the printed book—and its consequent release of knowledge—became practically possible. Finally the delay in the attainment of flying was inevitable because before men could progress beyond precarious gliding it was necessary for metallurgy to reach a point at which the internal combustion engine could be made. Until then they could build nothing strong enough and light enough to battle with the eddies of the air.

In an exactly parallel manner, the conception of one single human community organized for collective service to the common weal had to wait until the rapid evolution of the means of communication could arrest and promise to defeat the disintegrative influence of geographical separation. That rapid evolution came at last in the nineteenth century, and it has been described already in a preceding chapter of this world history. Steam power, oil power, electric power, the railway, the steamship, the aeroplane, transmission by wire and aerial transmission followed each other very rapidly. They knit together the human species as it had never been knit before. Insensibly, in less than a century, the utterly impracticable became not merely a possible adjustment but an urgently necessary adjustment if civilization was to continue.

In other words, then, a global state (or, rather, such power in general held by the press as I see the analogy extending to them as being the ‘Dictatorship of the Airwaves’) was impossible to imagine and completely laughable before the technologies had stacked together to reveal as like in a simple piece of arithmetic which produced a single outcome of the equation; that no sooner had the technologies existed then the thing had become an actual reality – in that 1) unassailable political power had been unthinkingly dropped into the lap of the owners of the press, but that more importantly as consequence that therefore 2) mankind was subject to that power, that is: the situation existed the moment the technologies did – and this whether any living person had even realized it, as I think quite naturally all the time Men and Women invent things that they really have no notion of the fullest or most optimal uses of (“nothing is needed by fools, for: they do not understand how to use anything but are in want of everything,” Chrysippus), e.g. in no metaphor the television was quite literally invented as a ‘ghost box’ to commune with ghosts imagined to reveal themselves by manipulating the black and white of the static until someone else had the idea that there was at least one other use for that contraption.
It is quite strange, also, that in contemporary times we have for ages been heavily propagandized ‘against’ the idea of a “one world state” as if, say, all the crimes and fecklessness that have gone on in our lifetimes are somehow secretly building towards the creation of such a thing – not a thing you would naturally conclude from an observation of those events nor a thing advocated for by anybody (insofar as I have ever heard) but it is a thing which would be the first logical response to ‘preventing’ such crimes from ever occurring again – such as like the already widely practiced concept of a Senate-Style Federation of Sovereign States rather than a hundred or so mutually antagonistic polities capable of bombing themselves or screwing up their economies and creating waves of refugees or mass starvation or pandemics, and so on. For instance, All Egypt is dependent on the flow of the Nile which originates in what is today another country, that other country recently decimated the flow of the Nile by gumming up the Nile with a Hydroelectric Dam; such an outcome would not occur if the total mass of the land itself was governed as the single interconnected economic and environmental system that it is in physical reality of which, when divided along arbitrary borderlines, there is no means to govern the entirety of the region in an amicable and prosperous manner for all as a whole and no recourse to the otherwise intolerable situation but War which is unlikely to occur – as most Nations are comprised of civilized peoples who rightly loath the concept of War – but it is the single and unavoidable outcome to resolve such a situation until that situation has dragged on for decades, causing immense suffering, until it reaches that point of desperation – the matter of Palestine and Israel, fresh to my mind in these days, raises itself also.
Of the matter of War itself, in ‘The Direct Action Of The Armament Industries In Maintaining War Stresses’ (Book One, Chapter Eleven), Wells relays in 1933 what United States President Eisenhower would later remark in 1961 in his farewell address of the dangers of the Military Industrial Complex; albeit far more analytically on Wells part, that: it is not so much the ‘desire to harm’ on the part of the armament industries which sees them engage in unnecessary build-up of weapons stockpiles but that it is simply their business to produce, to stockpile, produce more deadly variants and stockpile the more deadly variants and sell off their old stockpiles to whomsoever rings their doorbell; for instance the on-going War in Ukraine is no different in this regard to the Viet Cong and NATO Warfare in Vietnam in that massive quantities of cheap munitions were necessary for the war to be fought in the first place and massive quantities of munitions happened to exist as a by-product of the Armaments Industries to be dumped onto the warring parties in order to facilitate their macabre impulses at the expense of the citizenry; both at their cost in terms of the debt taken on to procure the weaponry on the part of their governments and in terms of their lives when the weaponry was utilized to the outcome of massive loss of life of a single peoples within a bordered space – a thing of no value to themselves. Simply put, albeit in a very simplistic reduction to the bare basics: the War would not reached such catastrophic inhuman proportions without massive quantities of cheap Armaments that otherwise sat taking up warehouse space for more valuable Armaments on the part of the producer and seller.

In a perpetual progress in the size and range of great guns, in a vast expansion of battleships that were continually scrapped in favour of larger or more elaborate models, (Armament Firms) found a most important and inexhaustible field of profit. The governments of the world were taken unawares, and in a little while the industry, by sound and accepted methods of salesmanship, was able to impose its novelties upon these ancient institutions with their tradition of implacable mutual antagonism. It was realized very soon that any decay of patriotism and loyalty would be inimical to this great system of profits, and the selling branch of the industry either bought directly or contrived to control most of the great newspapers of the time, and exercised a watchful vigilance on the teaching of belligerence in schools. Following the established rules and usages for a marketing industrialism, and with little thought of any consequences but profits, the directors of these huge concerns built up the new warfare that found its first exposition in the Great War of 1914-18, and gave its last desperate and frightful convulsions in the Polish wars of 1940 and the subsequent decades.

Even at its outset in 1914-18 this new warfare was extraordinarily uncongenial to humanity. It did not even satisfy man's normal combative instincts. What an angry man wants to do is to beat and bash another living being, not to be shot at from ten miles distance or poisoned in a hole. Instead of drinking delight of battle with their peers, men tasted all the indiscriminating terror of an earthquake. The war literature stored at Atacama, to which we have already referred, is full of futile protest against the horror, the unsportsmanlike quality, the casual filthiness and indecency, the mechanical disregard of human dignity of the new tactics. But such protest itself was necessarily futile, because it did not go on to a clear indictment of the forces that were making, sustaining and distorting war. The child howled and wept and they did not even attempt to see what it was had tormented it.

To us nowadays it seems insane that profit-making individuals and companies should have been allowed to manufacture weapons and sell the apparatus of murder to all comers. But to the man of the late nineteenth and early twentieth centuries it seemed the most natural thing in the world. It had grown up in an entirely logical and necessary way, without any restraint upon the normal marketing methods of peace-time commerce, from the continually more extensive application of new industrial products to warfare. Even after the World War catastrophe, after that complete demonstration of the futility of war, men still allowed themselves to be herded like sheep into the barracks, to be trained to consume, and be consumed, by new lines of slaughter goods produced and marketed by the still active armament traders. And the accumulation of a still greater and still more dangerous mass of war material continued.

The book is, if the reader has likely already gathered from the excerpts, not written in the style of a protagonal narrative; i.e. not as a story, i.e. no hero and no villain, but as a sort of a Historia Augusta – that is really the most fitting comparison I think of when trying to describe this to a new reader (or perhaps J.J. Scarisbrick’s Henry VIII), that is to say it is written ‘as’ a History in the classical style we are familiar with from the better of the ancient writers, as like Appian or Cassius Dio, but unlike Suetonius or Tacitus it is absent of the sloppy hinging of all bad things on the highly personalized propaganda ad hominem (i.e. blame the fall of empire on one guy) that goes in those narrative works as we are typically familiar with them.
It is, of course, a work a fiction; although Wells did predict World War Two beginning in late 1939-1940 (although he had Poland putting up much better and longer of a fight against the Germans) and various other innovations, beginning from his own day with a true account of events prior to his own day – giving us a valuable account of affairs and actors prior to 1933 which would otherwise not come easily to any of us to discover. But the book, ultimately, is vehicle for the transmission and discussion of these societal (i.e. social, economic, industrial, logistic) matters presented to the audience of the day fresh, in their own minds, from the abject horror recently witnessed in World War One – and the economic catastrophes of which Roosevelts reforms had not yet come into tangible reality (i.e. relief for the poor, public works projects such as the motorways across America) as is discussed in that other seemingly little known H.G. Wells literary offering in his face-to-face interview with Josef Stalin the following year in 1934 (something which I think is of far more historical value than say, Nixon and Frost or Prince Andrew and Emily Maitlis), so as to ‘avert’ another crisis and pluck from the ether a seemingly alternate trajectory of where Mankind might at last get its act together. This ‘novel’ (thought it seems strange to call it that) ought be read, I would advise, in conjunction with ‘The Sleeper Awakes’ (1899) and also the (actually very depressing – I would not advise it) short-story prequel ‘A Story Of The Days To Come’ (1897) – set in that same universe – which, perhaps it is because I am English, seems to me to be a black horror show of the reality that we actually find ourselves living in this far into an actually dystopic future – or perhaps yet with the ‘strange windmills’ powering the mega cities that this a future yet to come (no pun intended); the broken speech, the babble machines, the miserable condition of the Working Class and their consumption of pre-packaged soft bread, the desire to flee the urban sprawl into the dilapidated countryside and make a little life in a run-down house with tacky wallpaper peeling away … ah, forgive me, my point is that ‘our condition’; i.e. those of us literate in English, is quite analogous to the condition of the central characters in those two stories; a culture dulled intellectually to the point that they can barely speak or think, being appraised and assayed by ourselves; those of us simply literate, as to render our commentary stuck as to seem as mutually alien as like Caesar in Gaul. However, it is in the context of the frame given to us in ‘The Shape Of Things To Come’ that we might gain a degree of sanity about this self-same situation; to study and lean into that dispassionate quality as to discern the nature of things as they are and recognize how important this quality is in relation to Well’s ultimate outcome for the best possible position of Humankind far far future, that is: that of Humankind’s vital intellectual capacity, and that the most striking message of STC, beyond all we have mentioned in this little overview, is that intellectual capacity in and of itself.
For example, when we consider the ‘actuality’ of the power of Turner or perhaps Zuckerberg in his heyday, for instance, we consider a power fallen into a Mans lap by an accidental stacking of disparate technologies created not by himself but of which possess a power utterly dependent in that same equation upon on a population being ‘witless’ in the first place and so led slavishly by the “babble machines”. However you cut it, reader, the great uplifting of Humankind to a standard of autonomy and intellectual prowess – not held by an elite but possessed by All People – is a thing both intrinsically self-sufficient within our grasp for our own selves and is certainly the prerequisite for political matters in that intellectual capacity of the voting public determines entirely whether a public is tricked or foolish and gets themselves into trouble by undertaking some obvious error or whether they are immune to such trickery and foolishness in the first place and that their energies and time are spent on more valuable pursuits. It seems to me that our contemporary society has done away with the notion of good character through intellect and that we live with the outcome of this; being shepherded by emotional manipulation and brute force because our society at large is treated as if we lacked the verbal and intellectual toolsets to understand anything else – moreover possessing no means to discern whether or not what is forced onto us is right or wrong; truth or lies, and so on. Such a society as this, again it seems plain to me, is ‘any’ dystopia because it is the baseline composition for ‘all’ dystopia; as like the foolish dogma of an out-dated ideology for example rests itself upon a large enough contingent of the public being either treated as if they were or in fact are “too foolish” to discuss or think a thing through, so a dogma is poured over them like concrete creating, in turn, intolerable circumstances as the dogma, tomorrow, becomes out-dated and suddenly instructs them to do foolish things, as like in the “Banality Of Evil” (read: Hannah Arendt) as the character in all serious perpetrators of inhumanity who insist, with a confused expression on their faces, that they were just doing their job – and this ‘quality’, of extreme ignorance, is the composition of the culture where such ‘evil actions’ occur.
I mean here that in STC we have on one hand a very in-depth account, very serious reading, to graduate the reader out of the depressive, atomizing, disempowering, conspiratorial milieu and mire of ‘life’ presented to us in 1984 and Brave New World, but that we have at the same time the very resonant harmonics that one does not need to “wait around for a distant future utopia” to “solve all the problems” but that the tools to do so are well within our grasp at any time we so choose and of which such an undertaking constitutes the foundation stones and tapestries of that future utopia which, I think, could be said to “meet us half-way” in many of these matters, as like we reach forward and they reach back and then those in the past reach forward and we in the present reach back; that is anyway what it is to learn from the past and anyway the answer to “why the Grandfather sews the seeds for trees from whose fruits he will never eat.”
Valete.

ID, IX. MAIORES. V, CAL. IUNI. FORTUNA PRIMIGENIA.

FULL TEXT ON GUTENBERG OF H.G. WELLS ‘THE SHAPE OF THINGS TO COME’ (1933)
https://preview.redd.it/9l7yl9hx8y3d1.jpg?width=490&format=pjpg&auto=webp&s=4d5a4109fb8e2193b94a6e244d92d4ec5b7b84a7
https://preview.redd.it/37vvsroy8y3d1.jpg?width=740&format=pjpg&auto=webp&s=e62ef5e11c1c4222d6f99ffebe82b3dd706cbc2f
submitted by genericusername1904 to 2ndStoicSchool [link] [comments]


2024.06.01 13:17 TheDreadPirateRobots [Have Gun - Will Travel] - 1.8

[INDEX]
I banked the fire and stared into the golden eyes of Beatale before I crept into my makeshift tent.
I still had my auric vision running and couldn’t help but notice the thin silver cord that ran from me to Horse. Firming up my aura, I reached out with my hand and grabbed it. I could feel the nearly imperceptible vibration between my fingers as I used my mind to probe at the thread. I could feel a bright spark of intellect, a light at the end of a tunnel. Pushing with my mind, I slid down the thread until the spark grew larger and eventually filled my inner vision with a hazy white light. Horsey thoughts nudged at me curiously.
I slid into the haze and immediately lost all sense of direction. If it wasn’t for the silver thread, I’d have no idea how to exit this shifting white fog. Horsey thoughts got stronger as I followed the thread while the haze thinned and cleared to reveal an endless prairie of green grass. I found myself standing before a naked man wearing a horse mask and I stared in shock. It was obviously me wearing a cheap costume horse mask — there was no mistaking my tattoos.
“What did you expect?” Horse neighed at me. “I am you and you are me and we are all together. Goo goo ga joob.”
Horse made a shooing motion with his hands and I accelerated backwards through the white haze and slammed into my own body with a gasp. I stared at the tarp overhead for a long minute, processing this new revelation. Horse was a part of me, a piece of my spirit. Whatever psychic stuff I did with that silver cord lead me into a house of mirrors where I got to look at myself pretending to be a horse. I can’t even deal with that right now.
Rolling into my blankets, I dropped off to sleep.
*Ding*
-=- - Welcome to the Dreamworld - Included in the Psychic Skills pack, the Inner Sanctum is your psychic domain. It is the mental fortress that you must secure and maintain to defend against psychic and spiritual assaults. All of your neurosis and fears are symbolised in this realm and must be defeated or subjugated before you can become master of the domain. Good luck. -=-
I banished the pop-up and looked around. I knew I was asleep, but everything was just as real as when I was awake. I was breathing, I could feel the floor under my feet, and if it weren’t for the pop-up, I would have sworn I had been teleported. The room I was in resembled an oversized luxury prison cell, maybe a thirty foot cube. No windows. Rough stone walls with thick mortar. Large brass wall sconces were set directly into the stone and suffused the room with a warm, golden light provided by glowing rocks. The stone floor had colourful Persian rugs tastefully placed. A high plaster ceiling was painted with a rendition of Michelangelo’s ‘Creation of Adam’, depicting me as both Adam and God.
There was a comfy sofa in front of a large screen television that hung from one wall and an ornate grandfather clock ticked loudly in the corner. It was currently 10:08 PM. Another wall was a floor to ceiling bookshelf, stuffed with books of varying sizes. The third wall was covered with pictures and I could see at a glance that they were images from my life. The fourth wall had a thick riveted steel door on the right side, a full sized mirror on the left, and a computer workstation in the middle.
The picture wall was my first target. A few were quite large, nearly life sized, while others were tiny prints no larger than the palm of my hand. Scenes of my life were displayed in each one. The largest was me riding Horse with a shit-scared expression, shooting at a pack of wolves. Others were smaller, each with different frames. Some ornate gold or silver, others plain wood, a few wrapped in briars or barbed wire. Nanny Ramsey holding me as a young child. My dog Jean with a red ball in his mouth. My parents, screaming at me. I turned my attention to the books. Books are safe. Books don’t judge you.
The sweet, musty scent of a used book store filled my nostrils as I drew close to the honey coloured shelves. Hundreds of volumes filled the wall from floor to ceiling, with a ladder that could be rolled along a rail to access the top. I smiled at the sight. I had always wanted a library like this. I pulled a book at random and read the title, “Confused Fantasies about Joseph Harris, part XXIV of the Middle School Years”.
I slid the book back onto the shelf. Let’s see what’s on TV.
The remote was a slim, futuristic looking affair with a minimum of buttons. I pointed it at the television and moments later the huge screen came to life and presented me with a simple menu for movies, divided into six categories: Happy, Surprised, Afraid, Disgusted, Angry, and Sad. I scrolled through the offerings for a minute, reading the titles and reviews about the movies of my life. It really bothered me that there were so few selections in the Happy section.
The number of Sad movies increased by one.
I walked over to the mirror and noticed there was a small sticky note pasted to it. “Astral Realm. Experienced users only.” I shoved the note in my pocket and stared at my image. Sturdy black boots, black denim jeans and shirt with mother-of-pearl buttons, deep brown gun belt slung at my hip, red bandanna and black felt hat. All I needed was a pencil moustache and I would look like the stereotypical villain in any spaghetti western. At that very moment I decided to grow out a goatee. I’d rather be mistaken for a bad guy than a victim.
So how does this astral realm thing work?
The mirror appeared to be nothing more than a mirror. It was cold, smooth glass surrounded by a wrought iron frame, and reflected my image. I didn’t necessarily want to go walking into danger, but I wanted to know how it worked. I pushed and prodded the glass in frustration until I noticed my image grinning at me. I jumped back in surprise and it doubled over in silent laughter.
“Hilarious, dude. You got me,” I huffed. “So how do I get in?”
My mirror-self tipped his hat and stepped to side.
I reached up to the mirror again and my hand passed through, vanishing as if cut off. Okay, just a quick peek and we’ll explore the rest of the room. I stepped through and the world shifted around me. I was standing back at the campsite. My body was insubstantial as a ghost and the tarp was a wisp of substance running straight through me. Non living things don’t seem to have much presence in this realm. Glancing down, I saw my sleeping body rolled up in the blankets, a thin silver thread running from it to me, and another thread running to Horse.
Looking around, I surveyed the campsite. My astral vision seemed to be on and had an unlimited range. I could see the life all around me, the distant forest was a sea of greenish-gold, grasses and brush nearby glowed with spectral light. Tiny ghost insects scurried while ghost mice nibbled at whatever ghost mice nibble on. Ghost seeds and ghost insects, I suppose. I turned my attention overhead and gaped at the sight of a monstrous serpentine spirit flying through the inky void. I dropped back through the tent and rolled inside my body. That was plenty enough for now.
I rolled through the mirror and landed flat on my back, staring at the fresco on the ceiling. Vinnie-God winked at me and Vinnie-Adam grinned. Climbing to my knees, I brushed non-existent dust from my trousers and watched mirror-me doubled over in soundless laughter.
“Hey, laughing-boy!” I yelled at him. “You’re like the guardian or something, right? You got it covered?”
Mirror-me stood and saluted with a smile, then gave me two thumbs up. A moment later, his face took on a serious expression and he wriggled his right hand in the ‘maybe’ motion. Then he pointed at me, tapped his wrist, and then a finger to his head.
It all depends on how fast I learn stuff, I guess.
Two thumbs up and a winning smile reflected back to me.
A large cork board was mounted to the wall over the computer and a small note was pinned to it. “Note to self: Don’t fuck with the Elvish womens.”
The computer screen featured a screensaver of me as Vitruvian Man doing callisthenics over the words ‘HumanOS’. I tapped the spacebar and was rewarded with the sound of powerful fans kicking to life as the computer emerged from sleep mode and prompted me for a password. Should I assume it’s the same as the password on the computer I pawned in my previous life?
Password: *******esi
I was rewarded with a sweet R&M desktop and a couple of icons. System, NeuralNet, My-Tunes, My-Movies, My-Office.
System was just what I expected, lots of .dna files and other confusing scariness that allowed me to tweak my physical body and mental state. My-Tunes was a collection of every song I’d ever heard and My-Movies was a collection of every movie I’d ever seen. Not that I’m complaining, but it would have been nice to have “My-Games” so I could play RDR. My-Office was a clone of the popular software by a similar name. I have no idea what I’ll ever need a spreadsheet for in this world.
NuralNet opened up a search engine called Me-Seeks, featuring a familiar blue guy.
I typed in “beer” and several thousand results were displayed, anything I’d ever read, heard, or watched about beer, including how to make it. This right here made the price of admission totally worth it, access to an exact copy of everything I’d ever read, and I was a voracious reader. Sadly, most of the stuff I read was futurology — solar panels, electronics, biotech advancements, quantum computing. The material for steam engines, blacksmithing, farming and the like, were slim pickings. That’s okay though, I could still reproduce the Gutenberg press, the cotton gin, simple internal combustion engines, and basic batteries along with some sketchy knowledge of metal alloys, acids, bases, and other things I had read over the years. All that wasted time watching “How Things Work” was finally going to pay off. I copied a few likely money makers to My-Office, saved the file, and exported to my Notes, just in case they didn’t exist on Aerth.
A popup covered the screen.
📱 [New Upgrade Available!] 📱
🎉 Enhance Your Experience with the Latest HumanOS Features! 🎉
🌟 Features Include:
🔥 Special Offer: Only 2000 credits for version 2.0 or 5000 credits for version 3.0! 🔥
[Upgrade Now ✅] [Remind Me Later ❌]
Apparently I could upgrade myself, which reduced the cost of using my Utilities while providing other minor benefits. My Utilities would level up as I used them, which would increase their battery cost, so if I didn’t keep pace with an update to the OS they could become prohibitively expensive to operate.
Stupid pay-to-win world.
So, do I pay 2000 credits for version 2.0 or 5000 credits for version 3.0?
I selected version 3.0 and klicked [Install]. After watching it download the update, it popped up another screen that asked if I wanted to update now, or wait until Midnight for the mandatory update.
I selected [No] just as the grandfather clock chimed 10:30 PM. I wondered if time ran slower in here, because it seemed like I had spent a lot more time on the computer than 15 minutes. Walking over to the imposing steel door, I noticed a bronze key with a thin chain in the lock. There was another sticky note on the door. “Subconscious. Please keep the key with you at all times.”
That’s not scary at all, is it?
I unlocked the door with a loud clunk and pulled it open to reveal a bedroom straight out of some royal castle. I could tell immediately that it had seen better days. The tapestries on the wall were frayed and fading. The canopy over the bed had a few holes in it. A thin layer of dust covered the mantle of a small fireplace set into the wall. There was a window letting in bright sunlight and I moved over to look outside.
I was on the third floor of a keep surrounded by the walls and turrets of a modest castle. A castle that had fallen into serious disrepair. Did this represent the state of my inner mind? One tower was shattered and the curtain wall under it damaged. The lower bailey was full of litter. I could see a few soldiers walking around the allure, keeping watch.
I have people in my subconscious?
Someone behind me cleared their throat.
Whirling, I discovered a familiar old man standing in the door of the bedroom. What was left of his hair formed a white halo around his head, his face was unshaven and covered with several days of growth. He was dressed like a poor and tattered manservant, but carried himself with a dignified air.
“Woodhouse?”
“It’s nice to see the master at home,” He said with a proper English accent. “There are many matters that require the master’s attention.”
“Uh, sure,” I said, hanging the key around my neck and tucking it in my shirt. “And who are you again?”
“Your personal manservant, of course” he said with a slight bow. Walking over to the steel door, he pulled it closed and it locked with a solid thunk. “Master should always keep his inner sanctum closed. One never knows if something nasty will creep in.”
“Thank you, uh, Woodhouse. I’ll remember that,” I said, rubbing the back of my neck. “So what needs tending and how do things work around here?”
He smiled and beckoned me with a white gloved hand. “If master would be so kind as to follow me, I’ll introduce him to the staff and explain the duties and obligations of his domain.”
I’m 99.9% certain that everyone here is just me wearing a mask, so I shrugged and followed Woodhouse out of the bedroom and into the rest of my subconscious.
Five minutes later I was on the ground floor and seated on a shabby throne with the cast of a popular —and probably very copyright protected— animation in front of me. Woodhouse was the head butler and my personal manservant. Pam was the cook and demanded that I start importing sugar and alcohol before she was shushed by Woodhouse. Carol was a maid. Krieger was chancellor and Cyril was the steward. Archer and Lana were in charge of security. Ray was the marshal in charge of everything from the stables to the blacksmith.
I stared in disbelief at the motley crew kneeling in front of me. No wonder my inner mind was in such shambles. I was overcome with an irrational sense of anger at myself.
“Arright, listen up,” I barked, my voice echoing around the room. “I swear to God that I will fire every single one of you and hire circus clowns to replace you if you keep fucking things up. No joke. Circus clowns, got it?”
I ran a hand over my face as Ray pissed himself. “The only reason I’m not putting a boot in your asses right now is because I realise that you’re aspects of me, and the people you represent are pretty damn good at their jobs when they give enough of a shit to actually do them. As a team, you’re dysfunctionally fantastic and always seem to come out ahead no matter the odds.”
Heaving a sigh, I continued. “Things have changed and I need to get my shit together. I’m going to need every one of you to pull your weight and help me help you. Get back to your duties, I’ll meet you one on one later.”
My subconscious caretakers scurried out of the room.
“I’ll have one of the maids tend to the piss,” Woodhouse assured me.
“Never mind that,” I snapped. “I honestly had no idea my mind was such a shit show. I’m very disappointed in myself.” I pictured the Angry, Sad, and Disgusted counters on my personal movies clicking up. “Show me what needs to be done and let’s get started.”
During Woodhouse’s walking tour, everything clicked into place. This was some altered version of Bodiam castle, a location that was on my bucket list of places to visit. The royal council room, located behind the throne room, contained a “living” tapestry on the wall that showed the castle and surrounding land in real time. The castle was located in the middle of a small lake, and a single wood bridge led to the mainland. A small town surrounded the lake and a wall encircled the town. Outside the wall, the land was an irregular patchwork of forest and field, with a stinking swamp to the south. The entire “kingdom” was maybe ten miles across, surrounded by impassable mountains with innumerable creeks that fed the lake which drained into the southern swamp.
“Zombies are the problem, sir.” Woodhouse said, as I surveyed the living tapestry of my mental domain.
“Zombies?” I prompted.
“Yes sir, Zombies” Woodhouse continued. “Nasty bitey things that come in from the mountains and harass the peasants. They’ve gotten especially worse over the last few months. The soldiers do what they can, but they seem to have lost all motivation. Probably because they haven’t been paid.”
“And who pays them?”
“Typically chancellor Krieger is in charge of financial matters, although Steward Figgis has taken over the duty, sir.”
“Then let’s make Figgis our first stop.”
“Very good, sir.”
The office of the steward was run by Cyril Figgis, who managed the kingdom in my absence. It was overflowing with paperwork and charts, books and scrolls piled high on every flat surface. Cyril was desperately attempting to tidy things when Woodhouse and I walked in.
“Yo..you..your majesty,” Cyril stuttered, bowing low. Scrolls fell from his overloaded arms, spilling across the floor. He dropped to his knees and scrambled to gather them up. “I didn’t expect you to visit so soon. Please forgive the mess, housekeeping has been slacking…”
This was the guy who ran things while I was conscious.
“Shut up, Cyril” I said. “You’re responsible for everything in this office. That includes keeping it organised and tidy.”
“Y..yes milord.”
“It’s my understanding that you’re in charge of making sure everyone gets paid. So why aren’t we paying people?” I asked.
“We’re nearly out of Fuks, your majesty. I’ve been saving them for emergencies.”
“Fucks?”
“Fuks,” Cyril explained, pushing a pile of books off a large chest and opening it. Reaching inside he pulled out two small bags and emptied them on top of his cluttered desk. “Gold and Silver Fuks, the currency of the kingdom. I can’t maintain the kingdom when I have no Fuks to give.”
Behold the subconscious kingdom of Vincent J. Carter, it runs on Fuks.
“So how do I get more fuks?” I asked, examining one of the coins. It had an image of me on one side and symbol on the other that could be interpreted as “peace among worlds”.
“You kill the zombies, your majesty.”
Of course I do.
Woodhouse and I left Cyril’s office and headed towards the office of the chancellor where Krieger worked. It seemed that Cyril took over financial matters when Krieger became erratic and proposed luring all the zombies into the city and setting it on fire. Not sure how that corresponds to my own self-destructive behaviour, but I’ve had some dark thoughts over the last couple of months and I’m sure they’re reflected here.
Krieger’s office was much neater in comparison to Cyril’s, but it wasn’t by much. Shelves lined the walls and were filled with an array of questionable items, including a still snapping zombie head in a jar. While the office of the chancellor was supposed to be in charge of financial matters, it looked more like a dodgy rummage sale.
Krieger was launching sword blades at a pig carcass when we walked in.
“What exactly are you doing?” I asked, standing in the doorway.
“Hm? Oh, your majesty!” he said, turning around and bowing deeply. “I’m testing a new invention. It’s a spring loaded hilt that shoots sword blades. Very useful for our soldiers.”
“Stupidest idea ever,” I snapped. “I hate everything about it.”
“Okay,” Krieger said, tossing the hilt into a nearby pile of junk. “But don’t blame me when you need to shoot a sword at a zombie and don’t have one.”
“So why aren’t you managing the financial affairs? Collecting taxes, paying people, stuff like that?”
“Because the population has declined so much none of that matters?”
“What do you mean?”
“Wellll, the population represents things you care about,” Krieger said, going into lecture mode. “And the zombies and other monsters are real or imagined problems in your way. Since you don’t care about too many things the population has shrunk to just what’s needed to keep everything running on the bare minimum of fuks. And since you don’t seem to have any long or short term goals, there’s no need to kill off the zombies and get more fuks. Everything is fine just the way it is.”
“No, it’s not Krieger” I said, grinding my teeth. “My mind is in a shambles. It’s a joke. I want it fixed. No, I want it better than fixed. I want it improved.”
“Oh! I’ve got just the thing for that!” He said, digging around in his pockets, “It’s a spring-loaded hilt that shoots swords!”
Pam and Cheryl were hanging out a gallery window jeering at Archer and Lana sparring in the inner courtyard.
“What the hell are you doing!” I snapped
They whirled in surprise and then dropped into deep curtseys.
“Your majesty!”
I took a deep breath, trying to regain my centre. “Get to work cleaning this place up. Find a room, clean it, and move on to the next. Start with my bedroom, then the throne room and the council chamber, then everything else.”
Cheryl spoke up. “Can’t do it. We got no fuks to clean with.”
“You need fuks to clean?”
“Gotta buy stuff,” Pam said. “Cleaning supplies, food. You wanna eat, you’re gonna have to spend some fuks.”
“Talk to Cyril,” I ordered. “Tell him I said to get you supplied.”
They ran off in the direction of the stewards office.
I watched Archer and Lana bashing each other enthusiastically through the window.
Several minutes later the sparring couple stopped and bowed when Woodhouse and I stepped into the inner courtyard.
“Your majesty”
“My liege”
“Enough,” I said. “If you have enough energy to smash each other, you have enough energy to smash zombies. Tell me what I need to know so I can start gathering fuks.”
Archer shrugged and spoke first. “You just kill the zombies and other monsters. They drop fuks.”
“Anything special about the zombies?” I asked. “Are they fast? Do people get turned into zombies when bitten?”
“Nope,” Lana said, resting her wooden sword on her shoulder. “Most of them are slow shamblers and just need a good wack to the head to kill them.”
“Some are special,” Archer interjected. “Occasionally you’ll have some fast ones, or those that need holy water to kill. They’re just bad memories, figments of your personality that need to be eliminated. Some are worse than others.”
“The zombies are bad memories?” I asked, imagining all the bad memories that I had.
“Memories, thoughts, insecurities, metaphysical mumbo-jumbo,” Woodhouse supplied. “They are endless, but constant vigilance can keep them under control.”
“So let’s get started,” I said. “Lead the way.”
Lana and Archer lead me up to the parapet over the front gate where I looked over at the dozens of zombies milling about aimlessly in front of the entrance to my mind. Pulling out my gun, I began to pick them off, easy as shooting fish in a barrel. The crack of my spell pistol attracted more zombies and I dispatched them with ease until no more were left around the gate. As I fired each shot I could feel some sort of existential energy flowing from me, draining some hidden reserve.
“Gather up the Fuks,” I commanded. “And Lana?”
“Mi’lord?”
“There’s no excuse for this. From now on, I expect the walls to be clear of all zombies.”
“Yes mi’lord,” she said, giving me a small bow.
Turning to Archer, I shook my head. “You’re obviously my personal narcissism, so just try to stay out of Lana’s way, or better yet - try to kill more zombies than her. If you think you can.”
Archer scoffed. “No contest. I took top marks in sharpshooting.”
“That means I should expect to see results by tomorrow. I look forward to it.”
Archer looked panicked for a moment then smiled. “Sure, I can give you results.”
Turning back to Woodhouse I said “Show me what else need attending.”
Woodhouse led me through the town that represented my mind, pointing out each business that had fallen into disrepair, suggested others that needed improvements, and additions that would benefit me. In the distance, I could hear Lana and Archer shooting at the crowd of zombies and with each echoing shot I felt a tiny bit better about everything.
[INDEX]
submitted by TheDreadPirateRobots to redditserials [link] [comments]


2024.06.01 13:07 madrasi2021 AWS Certified Solutions Architect Associate (SAA-C03) Resources

Every single day there is a question from someone here saying "where do I start for AWS Solutions Architect Associate" when there are a few hundred articles from those who passed already.
So here is a master list of resources to help those who have this question.
Cloud Practitioner version of this is here
If you find this post useful - upvote. I am happy to take feedback / suggestions / changes etc - please comment!

tl;dr

  1. Get 1 video course and watch it end to end - the subreddit favourites are below / scroll down further for links
    • I cannot afford any courses / need a free option - get Andrew Brown's YouTube course
    • I want to just learn bare minimum to pass exam - Stephane Maarek on Udemy
    • I really want to learn this AWS and cloud stuff well and be good at it - Adrian Cantrill
  2. Read whitepapers / review new announcements from re:Invent 2023
  3. Do one decent set of practice exams from one provider- subreddit favourites below / scroll down further for links
    • Tutorialsdojo (personal favourite - I passed ALL my exams using "TD")
    • Udemy (Stephane Maarek)
Take and Pass exam!

Subreddit Search

Following my own usual guidance, you can always use the subreddit search feature and read articles from everyone in the last month who posted about this exam / passed it. There is a wealth of detail / experience here to learn from :
Link : https://www.reddit.com/AWSCertifications/search/?q=saa+solutions+architect+associate+pass&type=link&t=month

Exam Details

If you have absolutely no clue about the exam - start here.
The exam code is SAA-C03
AWS page with all the details : https://aws.amazon.com/certification/certified-solutions-architect-associate/
Always read the Exam Guide (tells you whats in / out of scope) : https://d1.awsstatic.com/training-and-certification/docs-sa-assoc/AWS-Certified-Solutions-Architect-Associate_Exam-Guide.pdf

Minimum Viable Path to Certification

Most people usually need 3 things to pass the exam
  1. A single video based course introducing AWS and all the key exam topics
Typically these are courses where someone reads from some slides, shows you the AWS console and how to use it and then gives you tips on what to remember - there are free and paid versions of these.
  1. Additional material on key topics.
For SAA-C03 - there are some recommended whitepapers on WAF and also since 6 months have passed since the last re:Invent 2023 - any of the major announcements from then now are in scope for the exam. You wont see too many new things but there is a chance there are some random questions that were not covered in any practice exam / course.
  1. One good quality practice exam
Note : do not fall for some random "dump" found on internet or a file your mate gave you to study.
Also note - you do NOT need more than 1 of each category. You can buy more than one practice exam for sure but doing one is enough IMHO.

1. Video Courses

Free Video based Courses

Free from AWS's own training service (Skillbuilder) :
There is an "Exam Prep" course from Skillbuilder but note that this just covers the high level domains but is not a comprehensive deep dive.
https://explore.skillbuilder.aws/learn/course/external/view/elearning/14760/exam-prep-aws-certified-solutions-architect-associate-saa-c03
Optional : There is a slightly extended version of this in the paid tier with additional exam-style questions, flashcards and more importantly FREE hands on labs and the official practice exam.
https://explore.skillbuilder.aws/learn/course/external/view/elearning/14776/exam-prep-aws-certified-solutions-architect-associate-saa-c03-with-practice-material
There is a 7 day (extended to 10 days sometimes) free trial for the paid tier which can help you cram this. You can subscribe, immediately cancel but still enjoy 7 days free.
Please note that this course is not enough on its own to pass and you may want to try additional material below.
YouTube based video course
This course below is a better alternative to the SkillBuilder course above but is about 50 hours.
Andrew Brown is an AWS community hero who runs his own training site called exampro.co but offers most of the material for free on FreeCodeCamp's YouTube channel.
The 2024 refresh of the SAA course is here : https://youtu.be/c3Cn4xYfxJY
Andrew also has additional (free / paid) content on his site to check out.

PAID Video based courses

Adrian Cantrill's courses :
Adrian Cantrill is an independent content creator and has his own site from where you can obtain courses.
His courses go above and beyond what the exam needs and this is exactly why the community loves these courses as you get more practical knowledge than just cramming for the exam. The additional coverage means these courses are longer and not as cheap as other courses that cover just the exam material but in the general opinion of everyone who has taken the course it is absolutely worth it.
Link : https://learn.cantrill.io/
Udemy Courses :
Udemy is a marketplace for courses created by independent authors.
Two of the well known authors are mentioned below but please note that Udemy's pricing model can be a bit weird. One day it may show 150 USD for a course and another day 15 USD. This price it high and discount it heavily model catches out most people - so NEVER pay more than USD 20 for anything on Udemy.
Just wait for a day or so and prices may change. Opening Udemy in another incognito browser etc usually yields a different price or follow the authors on social media for codes that shrink the cost.
Stephane Maarek :
Go via his site : https://courses.datacumulus.com/ for links to his Solutions Architect Associate with the best available coupon.
Neil Davis :
https://www.udemy.com/course/aws-certified-solutions-architect-associate-hands-on/
Either one of these Udemy courses is sufficient. You still need to combine it with practice exams but you do not need more than 1 video course.
Other sites :
Exampro.co
As mentioned above Andrew Brown has his own site with additional material over his YouTube course.
Cloud Academy
https://cloudacademy.com/learning-paths/aws-solutions-architect-associate-saa-c03-certification-preparation-for-aws-1-7446/ has both a learning plan and a practice exam at the end.

2. Additional Material

I will update this section soon with some additional guidance soon as I am not happy yet (please let me know in comments if there are key additional coverage I should include) - I am scouring recent exam pass posts to see whats current and also want to add links to re:Invent 2023 announcements. I also am thinking of adding in links to "cheat sheets" / docs - let me know if this would be useful.
WAF - Well Architected Framework
https://aws.amazon.com/architecture/well-architected/
You need to know at some decent depth on what the pillars are and what they do.
Read the whitpapers from https://aws.amazon.com/whitepapers/
Specifically I found the Reliability and Cost Optimization white papers very useful.

3. Practice Exams

Please do NOT fall for "dumps" - if anyone offers you the EXACT list of AWS questions or guarantees the question bank matches the exam - these are dumps. The links below are either official or well regarded sources.
Free :
AWS skillbuilder has one free official exam with just 20 free questions.
To be honest its not really worth it - you can search for "Official practic exam skillbuilder SAA-C03" using your favourite search engine to find it.
exampro.co
Has 1 free practice exam you can sign up to.
Paid :
Official Practice exam
https://explore.skillbuilder.aws/learn/course/external/view/elearning/13593/exam-prep-official-practice-exam-aws-certified-solutions-architect-associate-saa-c03-english - there is a free 7 day trial available for you to use as this exam may not be worth a month's subscription fee
Tutorialsdojo.com
Highly recommended independent resource for practice exam questions with a very useful "review mode" and every question comes with detailed explanations on answers
Udemy
Stephane Maarek : again go via his site : https://courses.datacumulus.com/
Neal Davis : https://www.udemy.com/course/aws-certified-solutions-architect-associate-hands-on/
Other popular sites :
Exampro.co
Andrew Brown has I believe 3 practice exams as well on his site. One is free - the other two you pay for.
Whizlabs
I havent used them personally but https://www.whizlabs.com/aws-solutions-architect-associate/
Cloud Academy
https://cloudacademy.com/learning-paths/aws-solutions-architect-associate-saa-c03-certification-preparation-for-aws-1-7446/ has both a learning plan and a practice exam at the end.

Not Recommended sites :

Sites that are sadly NOT recommended anymore - Avoid A Cloud Guru / Pluralsight as their courses are not considered the best anymore. They used to be leaders but somehow have fallen behind and their subscription model doesnt work in a world with cheap one time purchase courses.
If you want a sandbox to experiment - then ACG offers one but so do Whizlabs and Tutorialsdojo.

Optional / Complementary material

I have an article where you can find complementary / alternatives to the Solutions Architect Exam - most are free and includes the "AWS Knowledge : Architecting Free Digital Badge"
https://www.reddit.com/AWSCertifications/comments/1d1o522/no_payment_options_to_learn_aws_with_digital/
This material isnt exam focused but if you want some free alternatives / cannot afford to pay for the exam - then check out the link.

FAQ

  1. Do I need ALL this material?
No. Just one of each is fine. Example : just Adrian's Course + tutorialsdojo
  1. Do I really need to do hands on work?
Yes - it is recommended that you get some hands on work at the Associate level. You can use one of the sandboxes but be careful using your own free tier account that you dont end up with leaving resources running too long and getting a big bill. Always secure your account and set billing alarms and dont create an account till you know how to do these!
  1. Where can I find vouchers for the exam?
Check this thread : https://www.reddit.com/AWSCertifications/comments/18woit6/2024_aws_vouchers_exam_discounts_othe?utm_source=share&utm_medium=web3x&utm_name=web3xcss&utm_term=1&utm_content=share_button
  1. Can I cheat my way using Dumps that I found online / my mate gave me / found on GitHub / YouTube?
Using dumps there is a high chance you fail and/or get caught / banned - the risk isnt worth it. Stick with genuine resources.
  1. Can I pass with just free resources as I cannot afford the resources?
Its possible but please it is recommended to atleast spend on decent practice exams. If you cannot afford the exam / resources - just get the free digital badges (Architecting) for the interim
  1. I skipped CCP / CLF - is that okay?
Yes - its okay to have skipped the foundational level - almost all the courses above teach you from scratch.
  1. Can someone who is new to IT do this exam?
Yes - Many people start from scratch and get to the Associate level. Just make sure you are investing the time required.
  1. Is it worth it?
Plenty of threads on this subreddit covering this. You have to make up your own mind if its worth it to you or not.
  1. Do I need to do coding?
While there is no coding involved in the course - knowing how to use the AWS CLI / being able to do some basic scripting would be very helpful anyway. You can also use free tools like CoPilot / Code Whisperer to help you with pieces you struggle with.
  1. Can I use ChatGPT / Amazon Q etc to learn?
Many of these Generative AI tools can still give you incorrect answers. So do not rely on them fully. If it helps you to quickly get the concept, use them but make sure to double check the results against official docs.
  1. Are there books to learn from instead of videos?
Books get out of date too quickly and I do not recommend learning from them. However there is an official Sybex Guide to the exam. Tutorialsdojo and Neal Davis (Digital Cloud) also have an ebook. You can google for links to these.
Good Luck folks!
submitted by madrasi2021 to AWSCertifications [link] [comments]


2024.06.01 13:02 FelicitySmoak_ On This Day In Michael Jackson HIStory - June 1st

On This Day In Michael Jackson HIStory - June 1st
Disclaimer: Some of these events have unknown June dates. They are identified with a '*'
1974- The Jacksons play their 6th of seven nights at the Sahara Tahoe Hotel in Lake Tahoe, Nevada
1977\* - The Jackson go back to Sigma Sound Studios in Philidalphia to record their new album, Goin' Places, with Gamble & Huff
1978\* - The Jacksons record the Destiny album in Los Angeles after recording song demos at their Hayvenhurst home studio
1979 - The Jackson perform at Milwaukee County Stadium (closed- 2000) in Milwaukee, Wisconsin on their Destiny tour
1979 - (June 1 -3) Michael, Quincy Jones & Bruce Swedien complete the recording & mixing of the Off The Wall album Westlake Studios in Los Angeles.
1979* - The Jacksons start recording the Triumph Album.
1982\* - Michael would come across a studio demo produced by John Barnes and request a meeting.
In an interview with The MJCast podcast, John recalled their first meeting:
“Michael said I heard you can make your own sounds and play them. How many sounds can you make? And, I responded, ‘How much time do you have?’”
The meeting lasted a few hours and was the beginning of a friendship and musical partnership with Barnes being hired as a core member of Michael Jackson’s team. Their partnership would continue until Michael's passing in 2009
1984* - Michael meets with other supporters of Camp Good Times, a non-profit organization founded by parents of children with cancer, in Malibu such as OJ Simpson, Dustin Hoffman, David Soul, Neil Diamond & Richard Chamberlain
https://preview.redd.it/4x9kul6utl3d1.jpg?width=604&format=pjpg&auto=webp&s=858e0ae773b2b13af0aaa747ba26d437a5b3dd47
The first Camp Goodtimes event would be held in Vashon Island at Camp Sealth in August of 1984. Ninety-three children, cancer patients and siblings attended and twenty-five American Cancer Society volunteers, who staffed the camp along with the summer staff at Camp Sealth
https://preview.redd.it/xtzmm1dxtl3d1.jpg?width=492&format=pjpg&auto=webp&s=e7799537391bec1d6d8fb915a87e8229d11379e0
1985\* - Michael starts rehearsing for an upcoming 3D science fiction musical short film named Captain EO to be shown exclusively at Disneyland and Disney World. Francis Ford Coppola will direct and George Lucas will produce the film
https://reddit.com/link/1d5khy4/video/72l7t6xztl3d1/player
1986\*- Michael & Corey Feldman go to Disneyland . Michael is seen for the 1st time wearing a surgical mask in public
In Moonwalk, he says he was initially given a mask by a dentist to keep germs out after having his wisdom teeth pulled
1987\* - Michael shoots the “The Way You Make Me Feel” short film at Skid Row, Los Angeles. It was directed by Joe Pytka and choreographed by Vincent Paterson & Michael. It featured Tatiana Thumbtzen & Latoya Jackson
1988\* - Michael Jackson : The Legend Continues is released on home video.
1988 - Michael sets another record as the first artist ever to have three albums with US sales of more than six million copies each as Bad & Off The Wall were both certified 6x platinum by the RIAA
1989\- Michael goes back to Westlake studio with Matt Forger and Bill Bottrell. He meets Brad Buxer who will work with him until 2008. Together they work on new songs for a compilation named *DECADE 1979-1989
Quincy Jones is not part of this project. "Black Or White" and "Heal The World" are among the first songs worked on.
1991 - David Ruffin, a member of The Temptations, dies of a drug overdose
https://preview.redd.it/9vssz6p4ul3d1.jpg?width=720&format=pjpg&auto=webp&s=467d78db412c27f2bcccc750fc07a205dca12e8f
It was found that Ruffin was peniniless and Jackson contacted Swanson Funeral Home in Detroit to make arrangements to cover a large portion of the June 10th funeral costs. He also sends a heart-shaped arrangement of carnations to the New Bethel Baptist Church in Detroit with the note, "With Love, from Michael Jackson"
https://preview.redd.it/wm7yokl7ul3d1.jpg?width=115&format=pjpg&auto=webp&s=bf6269399685e90265bcaa7a6c393d77ae7aebc9
Jackson was a big admirer of The Temptations. He would not attend the funeral ceremony to not divert attention from it (it was however reported that he did attend but in disguise)
1991\* - The Sun publishes leaked pictures from a photo session of Michael by Herb Ritts. It had been rumored that multiple photographers were battling in out to shoot Michael's new video & album cover. Steve Meisel, Bruce Weber and Herb Ritts had been in the running to give Michael a new "sexier" look
https://preview.redd.it/5jg8a6xaul3d1.jpg?width=325&format=pjpg&auto=webp&s=f5d4484fa0d172b0aae632402f1ab9fd317f2ae5
https://preview.redd.it/ex22ut6dul3d1.jpg?width=250&format=pjpg&auto=webp&s=2ecc704465423cd6d78e56ae951c344e0b0d2406
1991* - Michael enlists the help of producers L.A Reid & Babyface for his new album, which deeply upsets Jermaine who is also working with them.
Jermaine is quoted in the tabloids as saying:
"I could have been Michael. It's all a matter of timing, a matter of luck"
1992*- Michael rehearses for his new tour & shoot the video for “Who Is It”
1994\* - This summer Heal The World Foundation, in partnership with Los Angeles Unified School District, "I Have A Dream Foundation", "Best Buddies", "Overcoming Obstacles" & "California One To One", provide 2000 children with tickets to see Janet Jackson, the L.A. Laker Jam and The Beach Boys in concert
1995\* - Issue #2 of History Magazine reveals that Travis Thomas, a 5-year old boy who suffers from cystic fibrosis, wished to meet Michael.
https://preview.redd.it/11pinibiul3d1.jpg?width=591&format=pjpg&auto=webp&s=46f58fbcd03b6d9e73354092d1fabb9419de842e
“One evening, we were watching TV and Travis hadn’t eaten for a couple of days. He was on TV”, the boy's mother recalls, “and we came across the American Music Awards and Michael Jackson… Travis sat up and wanted to eat… He said, ‘I love Michael Jackson, Mama!”
His wish comes true in June through Jackson and the Make A Wish Foundation.Travis and his family, along with 20 other seriously ill children, spent a weekend at Neverland Ranch and were allowed to roam around the compound’s private amusement park.
Travis’ mother:
“The love this man has on his face when he is with these special children is unbelievable. He is one of the kindest and most gentle men I have ever met"
https://preview.redd.it/xr603i8lul3d1.jpg?width=300&format=pjpg&auto=webp&s=ef81c6bb963147099671b014e9a41960894641bd
1999 - Michael cancels his participation in the Pavarotti & Friends Charity Concert in Modena, scheduled for tonight.
Jonathan Morrish of Sony Music issues a statement informing the media, that Michael will not be performing due to the illness of his son, Prince:
"Prince suffered a seizure early Saturday due to a high temperature. This is the third seizure over the last year"
He added that the concert meant so much to Michael but,
"he is an artist like the others, but also a parent"
and that he waited until the last moment to cancel because he was still hopeful about making it. Michael is reportedly constantly at Prince's bedside
2000\* - Concert promoter,Marcel Avram, sues Michael for breach of contract for the Millenium Concerts and asks for $21 million
https://preview.redd.it/rz0pl0wnul3d1.jpg?width=400&format=pjpg&auto=webp&s=9975e1d6693daf47bf35f911a1c7341dc00955a4
2001\* - Michael hires Marc Schaffel and they create a new company,Neverland Valley Entertainment, with a common bank account.
2004\* - Randy Jackson fires Bob Jones, vice president of MJJ Productions since 1987, after discovering that he is writing a tell all book on Michael. He also stops paying Marc Schaffel.
2005 - Trial Day 64
Michael goes to court with Katherine, Joe & Randy. Judge Melville gives the Jury the rules of Jury Deliberations
https://preview.redd.it/ph42eghrul3d1.jpg?width=460&format=pjpg&auto=webp&s=98185613a6f1d6e6dc53aacf2f31a539db9108e4
https://preview.redd.it/hqr89ghrul3d1.jpg?width=503&format=pjpg&auto=webp&s=e9d24bb8ca7556d5914d1a5ef5053237430d2c7b
2005\* - Michael allows visits from fans inside his home while awaiting the verdict. They're impressed by his generosity given the circumstances
https://preview.redd.it/8pg5cb2uul3d1.jpg?width=612&format=pjpg&auto=webp&s=87c700da00a607390f5b598a580c6c350cd2a496
2007 - A glittery jacket once worn onstage by Michael, his MTV Music Award for "We Are The World", as well as gold discs for his album Off the Wall and the Jackson 5 single "I Want You Back", all sell at an auction in the Hard Rock Café in Las Vegas, Nevada. The total raised from the sale of Michael related artifacts at the auction is reported as $1-$2million
Michael's bullet proof vest
Sculptural prototypes from the movies E.T. & Alien
2007\* - Michael, Grace and the kids leave their Las Vegas house and fly to Middleburg, Virginia. They check into the Goodstone Inn, a 640-acre estate of open pastures, for a summer vacation. They are welcomed by Raymone Bain.
2007\* - Michael “Brother Michael” Amir Williams is hired as Michael’s new assistant.
2008\* - Michael and producer Neff-U start working on songs at 'Thriller Villa', his 2710 Palomino Lane home, in Las Vegas. They work on a new version of “A Place With No Name”.
2008\* - Late in the month, Michael's duet with Akon, "Hold My Hand" is leaked online. Michael is devastated
Longtime recording engineer, Michael Prince, who was working with Jackson at the time “Hold My Hand” leaked, recalls:
“He was truly upset when the song he did with Akon leaked. He would just get this sad look on his face like, how could this happen? Because 20 years ago this would not have happened. And somehow everybody in the world has a copy of it. And that really upset him because he liked that song a lot.”
Akon gave a detailed account of the events surrounding the leak during an appearance on Tavis Smiley’s PBS television show in January 2009:
“Me and Mike did this incredible record called Hold My Hand and the record is amazing. Phenomenal. And the concept was that this would be Mike’s first release off of his new album, and then I would stripe it on my album – on my following release. That way we could have the outlets open for everyone to be able to receive the record. You know, Mike came up with this brilliant marketing launch for the record. You know, he’s the best at launching a record.”
Akon continues:
“He’d have the whole world paying attention in two minutes… And before we could get to that point, the record got leaked over the internet. And we got over 15 million downloads on the song for free. So we couldn’t [release it]. You can’t at that point. Everybody already has the record. But in a way, you gotta look at it like… that’s just a gift to the fans.”
2008\* - (Late June) Michael hires Dr Thome Thome as his new manager and president of MJJ Productions. As a result of a financial reorganiation of the Neverland Valley Ranch, all of Michael’s personal belongings have to be removed from the property. Dr Tohme contacts Darren Julien of Julien’s Auction House
2009 - The This Is It team leaves Center Staging for a bigger place : The Forum in Inglewood, California.
2009 - (June 1-11) At Culver Studios in Culver City, Michael shoots “The Dome” Project which consists of seven works:
  • “Smooth Criminal” (Jackson inserted into classic 2D black-and-white film noir chase sequence)
  • “Thriller” (3-D movie starting in a haunted house with a ghostly image of Vincent Price, then moving into a graveyard where the dead awaken)
  • “Earth Song” (3D short film featuring little girl who wanders through rain forest, takes a nap and dreams of the splendor of nature, and awakens to find the natural world has been devastated)
  • “They Don’t Care About Us” (a/k/a Drill, 2D film in which a sea of soldiers march in unison; 10 male dancers replicated hundreds of times)
  • “MJ Air” (3-D movie in which a 707 jet pulls into the frame; hole was to open in screen for Michael Jackson to enter; jet flies away)
  • “The Final Message” (3-D movie of a little girl from rain forest embracing the earth)
  • “The Way You Make Me Feel” (2D theatrical background featuring male dancers fashioned as historical construction workers.
2009 - Michael goes to Dr Klein’s in Berverly Hills with Blanket.
submitted by FelicitySmoak_ to WhereWasMJToday [link] [comments]


2024.06.01 12:51 wander__well No Longer Chronic After Treating Medication Adaption Headaches AMA

Over a year ago, I was going through a particularly stressful time and went to my neurologist concerned that I was possibly having Medication Adaption Headaches (MAH aka Medication Overuse Headaches aka Rebound Headaches) or would develop them.
I was having a migraine or headache almost daily. I had been cycling through pain meds to avoid using too much of the same thing and too many triptans mistakenly thinking that this would keep me safe.
My neurologist didn't take any time to discuss why I thought I might be having MAH or what should be done if I was already having them. He did give me the prescription for Aimovig that I asked for, but also a recommendation and prescription for Panadol migraine (same as Excedrin migraine) which I had never taken before. The prescription wasn’t needed to get the Panadol migraine, but it was needed to have it reimbursed by my insurance. I thought because it is OTC in the US (which is where I'm from) that it would be better (again mistakenly) than taking so many triptans.
The aimovig was like putting a bandaid on a gash that needed stitches. I made it another year before I had an absolutely horrible flare-up about 60 days ago that led me to do my own research because my neurologist had failed me horribly and I decided it was most definitely MAH and I needed to detox.
The Detox
I quit taking all pain OTC pain meds and triptans for 60 days (as is recommended in most treatment guides). It took me roughly 9 days to have a noticeable drop in my migraines back to episodic. My migraines have lessened in severity and length over the last 60 days. Though the first week or so was the most challenging to get through, I also had hormonal migraines that were tough. The few other non-hormonal migraines I had later in the 60 days, I was able to clearly identify triggers for. This hadn’t been the case for me in the past. I've also now been able to abort a hormonal migraine with other methods listed here.
Other Options for Pain Relief
(for any meds or supplements always consult your doctor)
Ginger is a great natural painkiller. There is some BS study that says it is as effective as sumatriptan, it most definitely isn't and I'm not going to try to sell it as that, but I would say it is probably as effective as an NSAID. Unfortunately, I’m unable to get GCRP inhibitors where I am so I didn’t have other migraine abortive options, just this.
Benadryl (note: this is the brand name in US & CA, it’s different in Europe) helps me with migraine pain during an attack (sometimes even helps avoid an attack).
A TENS unit was very helpful with migraine pain, but also with cramps during my 60 day detox and I’ll definitely continue using it going forward.
Migraine Cap was especially helpful after the migraine to help with the residual soreness.
Migraine Relief Nasal Inhaler, hot showers, decongestant meds, and decongestant nasal spray* help me because nasal congestion is a major symptom for me. When the congestion is worse, the pain is worse. If I can relieve some congestion, I can also relieve some pain. So I use these as needed depending on the severity of the congestion.
*It is important to note that decongestant nasal sprays can cause rebound congestion if used frequently, follow dosage and warnings on the label.
Myofascial Release & dry needling - this isn’t so much for migraine pain, but it helps me manage back and neck pain that contributes to my migraines and helps me with pain management overall.
The Pain Relief Options That I Wish I Could Have Used or Tried
Balms and patches that you put on your forehead- personally my skin is too sensitive for it, I have tried in the past and it just makes my skin burn (but so does most sunscreen when applied to my face). I’m mentioning these because I think they are a great option for some people and as I was looking through this sub for more ideas of what I could use, they are something that I saw repeatedly that I wish my skin would allow me to use.
Celafy, Nerivio, and Relivion all looked like interesting devices, but sadly aren’t available where I am.
Heated eye massager also looked very appealing and should have been available, but the wrong item was delivered when I tried ordering it and I didn’t feel like trying my luck again. I will definitely get one when I go to the US.
GCRP-inhibitors - these aren’t available where I am so I didn’t have the option to use these as abortives while detoxing from pain meds. I definitely would like the option to be able to use these as abortives for migraines. One study did note they could cause MAH (this is listed below and linked) but there's no good research regarding this as they are so new. I just feel obligated to mention this.
About MAH
Please educate yourself. I have included links to sources. Consult your doctor if you think you might have MAH and advocate for treatment.
1 You have to add up your pain med use!!!
2 OTC Pain Meds+ Triptans + Rx Pain Meds* = 10 Days Maximum Per Month
*Opioids and butalbital may lead to MAH in about 5 days
3 Approximately 50% of patients with chronic migraine have MAH that may revert to episodic headache after drug withdrawal.
Chronic migraine is classified as 15 or more headache days w/ 8 migraine days a month.
Episodic Migraine is classified as 14 or fewer headache and migraine days a month.
4 The name for MAH changed a few times and the one I chose to use is focused on the mechanism that causes the condition rather than the name that sounds like it is blaming the patient (Medication Overuse Headaches). Here’s an article regarding the name dispute.
5 One article even listed GCRP inhibitors as possibly contributing to MAH. But as these medications are new, the research isn't there yet to say if they really do contribute. I just had found it surprising to see and felt obligated to note it.
6 Risk Factors
8 Withdrawal treatment does not only reduce the headache attacks, but also improves responsiveness to acute or prophylactic drugs. Withdrawal symptoms normally last between 2 to 10 days, and do not persist longer than 4 weeks.
Going Forward
I have a number of MAH risk factors including migraines, other chronic pain, anxiety, family history of substance-related disorders, being less physical activity (especially during the time that the stressful situation was happening), and cutaneous allodynia. Had I known about all of these risk factors and that alternating meds would not protect me from MAH, I would have done things very differently. I’ll have to be very careful to not develop MAH again, and actually am thinking of extending my detox because of my risk factors and some concerning statistics regarding allodynia in particular. For now I'm going to try to continue managing my pain with other methods while I can comfortably. Actually just last night I had a hormonal migraine that I managed to abort with a combination of things I listed here that just 2 months ago it would have been at least a level 4 with triptans.
When I do start using pain meds again, I’ll definitely be tracking meds more carefully and adhering to a strict 10 day max per month for OTCs plus triptans. I’ve made an annual tracker that you can print with the maximum days noted for reference.
To the Mods - I’ve noticed many posts with discussion related to MAH being removed. I’ve instructed others to consult their doctor thereby trying to adhere to the sub rules, please let me know if there is something else that might need to be adjusted in order to adhere to the rules.
submitted by wander__well to migraine [link] [comments]


2024.06.01 12:40 acalem What Dropshipping gurus on YouTube don’t tell you

If you’ve been following me on here, you know I am a drop shipping veteran. I have been doing it for the past 11 years and I think I am qualified to say I know the ins and outs of the business model.
It still surprises me that Most people on YouTube (the so-called Dropshipping gurus) still promise you that you will become rich in two weeks without hardly putting in any effort. Let me give it to you straight: nothing could be further from the truth. I’ve made well over seven figures with drop shipping and I also failed a lot. So let me share with you the information that is missing from 99% of what you see on YouTube.
  1. Do NOT copy what’s already working
that’s one of the phrases they tell you most often. Just copy what’s already working and you’re done. Usually the method shown is researching your competitors, look at their best selling products and sell the same stuff. But think about it. If we are all doing that, in the long run, we’re all competing, only based on price, driving our profit margin down. Customers aren’t stupid and know they have seen that product somewhere else for a cheaper price. So do not go out and sell products everyone else is selling. Instead, make sure to do proper niche research. Select a niche first (you can download a guide containing 300+ niches for free in the links section of PassionsToProfits). Then spend some solid time, researching it deeply. Join private Facebook groups around your niche, go through all the posts to get into peoples minds and how they think, how they talk about products, what they value in terms of features and benefits, etc. Do the same thing on Reddit. Then look at best selling products in your niche on Amazon and look at the NEGATIVE reviews. That will tell you what can be improved. Those are good ideas for when you go out and research products. Only when you have done your homework, go onto websites like AliExpress and try to find unique products that hardly anyone is selling already. Yes, that takes time and work. And lots of patience. I have found a few of my bestsellers hidden on page 53 in the search results. Sometimes it took me two weeks before finding a really good product I could attempt to sell.
  1. Advertise your products properly
By that I mean do not rip off someone else’s product video or image and run with it. Order a sample or two, analyze the product, use it yourself and shoot your own product video. Again, that takes work, but it will pay off. Make sure to show the main product benefits in the first few seconds of your video, followed by the characteristics/features and additionalinformation (instructions, assembly instructions, etc.).
  1. You should NOT use drop shipping from China forever
It’s great for testing the validity of a product, but you should not use this business model for a long time. The main reason has to do with supply chain issues. It takes forever for products to arrive, and you can get away with it if your product is truly unique and people cannot get it elsewhere. But even then, two weeks is a long time for any product to arrive. So once you find a winning product, make sure to look for bulk order options and import it into your country to a local fulfillment warehouse. That way you can get products quickly to your customers doors, and also avoid the typical downtime during Chinese new year.
  1. Not any product is suitable for drop shipping
I won’t go into too much detail about this here, because I wrote a detailed post which you can check out here: https://www.reddit.com/PassionsToProfits/s/SAg2p9JCGe
I could go on and on, but I’ll stop here for now. Feel free to share your experiences in the comments or ask questions. I’ll do my best to answer them.
Note: Nowadays, I am more focused on print on demand, because it eliminates all the supply chain headaches. The majority of suppliers and fulfillment companies are based in the US and I hardly receive any customer emails asking where their stuff is. Plus, product quality is great and I have happy customers :)
submitted by acalem to dropship [link] [comments]


2024.06.01 12:34 Count-Daring243 Best 1911 Replica

Best 1911 Replica

https://preview.redd.it/ewgkwtf9ux3d1.jpg?width=720&format=pjpg&auto=webp&s=4642911f3f0bc505a55ba103c9fd9c870d983b01
Are you looking for an authentic and sleek replica of the legendary 1911 handgun? Look no further because we've hand-picked a roundup of the best 1911 replica models available in the market today. Whether you're a gun enthusiast, collector, or just someone who appreciates the history and design of firearms, our carefully selected replicas offer the perfect blend of function and aesthetics, ensuring that you get the most bang for your buck.

The Top 7 Best 1911 Replica

  1. High-Quality 1911 MW Housing for Precision and Performance - Ed Brown 1911 MW Housing: Superior Components, Precision Machined, Engineered for Performance - A Lifetime of Experience in Quality Firearms Craftsmanship.
  2. WWII Era Walther P.38 Replica Pistol by Denix - The Denix Replicas 1911 Automatic Pistol is a non-fireable, historically accurate tribute to the iconic German sidearm, perfect for collectors and enthusiasts alike.
  3. M1911 Colt Pistol: A Comprehensive Guide and History - Discover the history and evolution of the iconic Colt M1911 .45 Automatic Pistol in this comprehensive, visually stunning book, complete with detailed accounts of its impact on military use and the world of collectibles.
  4. Premium 1911 MW Housing Blank - Crafted with precision, Ed Brown's 1911 MW Housing Bl is a top choice for firearms enthusiasts seeking superior components and lifelong experience in engineering and combat shooting expertise.
  5. Antique 1911 Replica Manual: Ascar War Department Automatic Pistol, Caliber.45 - Dive into the history of the 1911 Replica with this rare, antiquarian facsimile reprint of the original United States War Department Automatic Pistol, Caliber.45 M1911 and M1911a1 Basic Field Manual.
  6. World War I and II Era 1911 Webley Revolver Replica - Transform your gun collection with the historic DX1119 - Denix Webly British Revolver, a non-firing replica inspired by the Mk IV Webley Revolver featured in the "Indiana Jones" movies, offering a unique blend of functionality and aesthetics.
  7. Patriotic 1911 Replica Model with Blue Pattern Grips - Bring home a piece of American history with this stunning 1:2.5 scale Goat Guns 1911 USA model, featuring authentic detailing and patriotic customization, perfect for collectors and enthusiasts alike.
As an Amazon™ Associate, we earn from qualifying purchases.

Reviews

🔗High-Quality 1911 MW Housing for Precision and Performance


https://preview.redd.it/7o00qli9ux3d1.jpg?width=720&format=pjpg&auto=webp&s=deb5d189dc863f14f2229e29ff04b31dd8f2ad29
Imagine diving into a world of unmatched quality and performance with the Ed Brown 1911 MW Housing. It's like having a trusty sidekick in the form of a superior piece of firearm gear.
Just like a trusted friend, this product has been around for a lifetime, honing its craft through a combination of masterful engineering, relentless passion, and decades of practical experience. From the very feel of it to its precision machining, you can see and touch the care that has gone into each and every detail.
Pick this up, and you'll instantly feel like you're holding something truly extraordinary. It's not just a firearm component; it's a labor of love and expertise, crafted with an attention to detail that borders on obsession.
Of course, like any piece of equipment engineered for such high performance, you might encounter the odd hiccup here and there. But when you're using something as finely-tuned as the Ed Brown 1911 MW Housing, the pros often outweigh the occasional minor inconvenience.
Overall, the Ed Brown 1911 MW Housing is a powerhouse. It's precision crafted, top-quality, and is, in short, exactly what you'd expect from a lifetime of experience and expertise in firearm components. It might not be perfect—nothing ever is—but it's as close as you can get.
So, if you're looking for a piece of equipment that you can truly rely on, with a rich history of precision machining and exceptional craftsmanship behind it, look no further than the Ed Brown 1911 MW Housing. You won't be disappointed, I promise.

🔗WWII Era Walther P.38 Replica Pistol by Denix


https://preview.redd.it/gqpdal5aux3d1.jpg?width=720&format=pjpg&auto=webp&s=1a2cbb30ea386d8db84a26cb77eecc641eff7b19
I recently got my hands on the Denix Replicas 1081 Walther P. 38 Automatic Pistol and I have to say, it's a real treat for history enthusiasts! The detailed recreation of this iconic WWII weapon is impressive, and it's not just for show. It's heavier than one might expect, which gives it a solid feel in the hand. The pistol-like click of the slide and the smoothness of the mechanism make it a joy to handle, even if it's not fireable.
However, there are some minor drawbacks, like the fact that the slide doesn't lock back and the magazine can't be removed. But considering this is a replica for display purposes rather than practical use, it's not much of a hindrance. It's a conversation starter and a great way to add a piece of history to your collection.

🔗M1911 Colt Pistol: A Comprehensive Guide and History


https://preview.redd.it/a0qln6daux3d1.jpg?width=720&format=pjpg&auto=webp&s=fe2d4ddb5d9f45fafdc2fa42b90385a34a5d39d7
I recently had the pleasure of getting my hands on this book, "The Colt M1911 . 45 Automatic Pistol: M1911, M1911A1, Markings, Variants, Ammunition, Accessories [Book]". Being a gun enthusiast, I was eager to dive into the world of this iconic pistol.
What stood out to me was the detailed information on the M1911's design, manufacturing, and testing. The book takes you on a journey through its combat use in various wars, with more than 370 images that provide a visual breakdown of the weapon. The serial numbers list and the visuals of the weapon's markings were particularly fascinating.
The section on accessories like magazines, ammunition, holsters, and cleaning kits was a nice touch, adding to the overall comprehensive nature of the book. I found the combat-related uniform and equipment items to be of special interest.
However, one drawback I encountered was the inconsistency in the captions of some photos. I was expecting a more complete reference on some of the markings and stampings. Despite this, the book still managed to impress me with its wealth of data and images.
Despite its relatively short length, "The Colt M1911 . 45 Automatic Pistol: M1911, M1911A1, Markings, Variants, Ammunition, Accessories [Book]" is a must-have for anyone interested in the history and development of this legendary firearm. The high-quality images and detailed information make it a valuable addition to any library.

🔗Premium 1911 MW Housing Blank

https://preview.redd.it/ltyc7vxaux3d1.jpg?width=720&format=pjpg&auto=webp&s=458cbfc2f92096f6fe26c304da8e646fc8e772c4

The Ed Brown 1911 housing is a fine example of the dedication to precision and quality that makes this brand stand out. As a seasoned gun enthusiast, I've come to appreciate the meticulous attention to detail that goes into crafting these firearms. With this product, I especially noticed the superior components and expert machining that made the gun feel smooth and well-balanced. The mag well housing, in particular, added an element of sophistication to my 1911 replica.
While the Ed Brown 1911 housing is an excellent choice for those seeking top-notch performance, there are a few potential downsides to consider. One is the price point, which may be prohibitive for some users. Additionally, while the housing is designed for durability, it's essential to take proper care of it to ensure its longevity. All in all, the Ed Brown 1911 housing is an exceptional product that delivers on promises of quality and craftsmanship.

🔗Antique 1911 Replica Manual: Ascar War Department Automatic Pistol, Caliber.45


https://preview.redd.it/zwy1tb0bux3d1.jpg?width=720&format=pjpg&auto=webp&s=8c89a36e48019e7945f1accdab8e892b41a7bdbb
This "Basic Field Manual" is a fascinating look into the history of the United States War Department Automatic Pistol, Caliber. 45 M1911 and M1911a1, providing a unique insight into the mechanics and usage of these iconic weapons. Despite being a facsimile reprint, the book offers an authentic experience, with its antiquated charm showcasing imperfections like marks, notations, and marginalia. The pocket-sized field manual, measuring at 9 inches in length and just a quarter inch thick, is perfect for on-the-go reference.
The language is crisp and clear, making it easy for anyone to understand the intricate details of the pistols. It also comes with detailed diagrams, which make it easier to visualize the workings of the weapon. Although the book's condition might not be ideal, the information it provides is invaluable for any collector or history enthusiast.
Overall, this "Basic Field Manual" might be flawed in appearance, but it's well worth the read for anyone fascinated by history or military firearms.

🔗World War I and II Era 1911 Webley Revolver Replica


https://preview.redd.it/p0t35fbbux3d1.jpg?width=720&format=pjpg&auto=webp&s=42105298f6183b62a0d92e0694ea25ec7beefbbb
As a history buff, I was drawn to the Denix Webley Revolver replica, with its ties to the Indiana Jones movies. The first thing that struck me was its weight, which made it feel like a real gun. The details were incredibly accurate, right down to the checkered grip and the engraving on the barrel.
However, I found it a bit disappointing that the break-open action didn't work. It may be a minor issue for some, but for me, it took away a bit of the authenticity.
Nevertheless, it's a great display piece and does justice to its historical origins.

🔗Patriotic 1911 Replica Model with Blue Pattern Grips


https://preview.redd.it/sqlu3hobux3d1.jpg?width=720&format=pjpg&auto=webp&s=e1dda0446109b4166c668c6faa4d5cc1a9f2e37d
This "Uncle Sam" miniature model is an incredible tribute to the USA, perfect for those who want to show their patriotism. As I slowly started putting the pieces together, I found the assembly process to be surprisingly easy and enjoyable. The 1:2.5 scale model is a fantastic representation of the iconic 1911 pistol, with authentic features such as working thumb safety, slide actions, and magazine release.
The model's realistic design caught my attention right away, from its Old Glory Blue pattern grips to the intricate details on the closed barrel. It's clear that the creators paid attention to every aspect of the gun, ensuring that this replica is as accurate as possible. However, the hard-to-find bullets might be a minor inconvenience for some users.
Overall, I'm impressed by the quality and attention to detail of this miniature 1911 USA tribute model. It's a unique and fun addition to any collection, and the ease of assembly is a big plus.

Buyer's Guide

The 1911 Replica, a product category that has gained popularity among gun enthusiasts, is designed to replicate the iconic 1911 pistol. This pistol, often referred to as the "Gun that won the West, " was first manufactured by John Browning in 1911 and has been a staple in firearm history ever since. Whether you're a seasoned collector or a first-time enthusiast, there are essential features, considerations, and advice to keep in mind when purchasing a 1911 Replica.

https://preview.redd.it/qtgrbuybux3d1.jpg?width=720&format=pjpg&auto=webp&s=cd09d2747798bcd86562037c0925696f93c51b3a

Important Features

  1. Accurate Replication: The primary feature of a 1911 Replica is its accurate replication of the original 1911 pistol. Carefully crafted components, materials, and construction techniques are essential to achieve the desired level of authenticity.
  2. Material Quality: The materials used to manufacture a 1911 Replica play a significant role in its overall performance and durability. Common materials include stainless steel, aluminum, and brass, each offering its own unique benefits and challenges.
  3. Finish: The finish of a 1911 Replica can greatly impact its appearance and functionality. Popular finishes include blued, stainless, and parkerized, each providing a distinct look and level of protection against corrosion.
  4. Action and Functionality: A well-designed 1911 Replica should operate smoothly and reliably. Key components to consider include the trigger, hammer, and extractor, as well as the overall lock-up and cycling mechanisms.
  5. Accessorization Options: Many 1911 Replica manufacturers offer a variety of accessories to enhance the functionality and aesthetics of the pistol. Common accessories include custom barrels, sights, and grip options.

Considerations

  1. Price: 1911 Replicas can vary greatly in price depending on the manufacturer, materials used, and level of customization. Shoppers should have a clear budget in mind before making a purchase to ensure they get the most value for their money.
  2. Purpose: Determine the primary purpose for purchasing a 1911 Replica. Is it for collecting, competitive shooting, or simply for enjoyment? Knowing the purpose will help narrow down options and ensure the chosen replica meets your specific needs.
  3. Authenticity: Some collectors may prefer a replica that's as close to the original design as possible, while others may prioritize functionality or ease of use. Consider what's most important to you in a 1911 Replica and choose accordingly.
  4. Brand Reputation: Research manufacturers of 1911 Replicas to learn about their reputation for quality, customer service, and after-sales support. A solid brand reputation can provide peace of mind and ensure the long-term satisfaction with your purchase.

https://preview.redd.it/alri5lmcux3d1.jpg?width=720&format=pjpg&auto=webp&s=a78c5254abb6ccc500929650a88ccb46e5e0abec

Advice

  1. Consult with Experts: Seek advice from experienced gun enthusiasts, collectors, or instructors who can provide valuable guidance on purchasing and maintaining a 1911 Replica.
  2. Read Reviews: Before making a purchase, read reviews from other buyers to learn about their experiences with specific 1911 Replicas. This can provide invaluable insight into the product's performance, reliability, and overall satisfaction.
  3. Maintain Your Replica: Proper maintenance is essential for ensuring the longevity and accuracy of a 1911 Replica. Follow the manufacturer's recommended cleaning and lubrication schedule, and consider investing in a good-quality cleaning kit.
  4. Safety First: Always prioritize safety when handling or storing a firearm. Make sure you are familiar with the safe handling practices for your 1911 Replica, and never leave a loaded firearm unattended.
https://preview.redd.it/nbcbk1scux3d1.jpg?width=720&format=pjpg&auto=webp&s=cb0210e5cfe5e71565035aff119a60508e68af8f

FAQ

What is a 1911 Replica?

A 1911 Replica is a firearm that closely resembles the original 1911 pistol, which was first introduced by Colt in 1911. These replicas are designed to have the same look, feel, and functionality as the original gun.

Who makes 1911 Replicas?

Several companies manufacture 1911 Replicas, including Colt, Springfield Armory, Kimber, and Remington.

https://preview.redd.it/urjfdn8dux3d1.jpg?width=720&format=pjpg&auto=webp&s=2cb90e7929ce3fe0b5aaac5f2b51efee81e927b9

What materials are 1911 Replicas typically made of?

1911 Replicas are typically crafted from high-quality steel and brass, with wooden or plastic grips. Some high-end models may also feature gunsmith-grade materials.

Are 1911 Replicas available in different finishes?

Yes, 1911 Replicas are available in various finishes, such as blued, stainless steel, or even custom engravings.

What is the difference between a 1911 Replica and an original 1911 pistol?

  • The original 1911 pistol is a vintage firearm that was produced between 1911 and 1985. Due to its age, it may require more maintenance and spare parts.
  • 1911 Replicas, on the other hand, are manufactured with modern technology and materials, making them more durable and reliable.
  • Replicas also come with a variety of customization options and accessories not available with the original 1911 pistol.

How much does a 1911 Replica typically cost?

The price of a 1911 Replica can vary greatly depending on the manufacturer, specific model, and finish. On average, you can expect to pay between $800 to $3,000 for a high-quality 1911 Replica.

What are some common accessories for 1911 Replicas?

  • Magazines and speed loaders
  • Holsters
  • Muzzle devices (such as compensators and recoil reducers)
  • Gun cleaning kits
  • Custom grips
  • Sights (such as iron sights, red dot sights, and laser sights)

Is it legal to own a 1911 Replica?

The legality of owning a 1911 Replica varies by jurisdiction. It is essential to check local and state laws regarding firearms ownership and carry laws.
As an Amazon™ Associate, we earn from qualifying purchases.
submitted by Count-Daring243 to u/Count-Daring243 [link] [comments]


2024.06.01 12:28 TheZandiil DM Looking for advice.

Hi there! First post on reddit so please forgive me if i'm not using any fancy text.
I've been DM'ing now on and off for around near 5 years, originally I ran for 2 separate friend groups with Vastly different likes and dislikes. I had to stop one groups campaign due to work schedules and as the such (gotta love adult life ;-;)
So recently my current group consists of close friends so it is quite easy to get things across but it can also be very easy to lose control of the table if we start having jokes and a good laugh.
the above is not the issues I'm having as the DM however the stuff above i'm fine with as long as we are hanging out and having a good time. My issues span from multiple small issues which I will list below Beginning with myself as I know I make plenty of mistakes as I DM but I'm looking for advice to make sure i'm not going crazy and being a C**T with some of my table rules i've implemented
My Issues I need to work on: Note Taking - I lose track of my notes (this has been getting better moved to an app called obsidian which I have stuck with and this seems to be working wonders for me) but still needs work.
World lore - Kinda a addition to the note taking issue I have, I like to chop change some things but I still want it to make canonical sense to the worlds timeline which can be a little messy at times.
Pacing - Oh god I'm awful for pacing sometimes I'm too fast or i'm far too slow my players spend an entire 7 hour session on 1 street corner being my worst example.
Sometimes Retconning Small things - I Don't know if I think its okay to do this, I've only had to do it twice in total I Hate retconning stuff as I feel like if maybe a player that doesn't shine to often finally gets out their shell i'm worried if I retcon something It can really take away from that players motivation.
So above are my issues for sakes of time I'm going to copy paste a recent paragraph I sent to my players parts like player names will be edited of course. -------------------------------------------------------------------------------------------------------
So shappening dudes and dudets, DnD is going to be on the back burner for me for a Little bit cause personally feeling burnt out for a couple reasons that I'll get to in a little bit. So first things first the main thing I'm going to an induction day so I'm hoping I get this job (I got the Job whoop whoop) and DnD will be moved to every 2nd Saturday if thats gonna be a issue we can discuss that down the line. Now couple of mini Issues I want to get off my chest. So the Number 3 joke died ages ago for me and its just annoying so stopping that would be nice thank you, anyone that says it going forward you'll just take 3 damage. Unfortunately the interrupting and pacing is horrendous I'm gonna do my best to keep my focus on the game and I ask so do you. For the time being kinda a add on to the previous my max player count I can do is 6 no more, "Player Name" please let "His Partner" know I do not mind if she watches but I can't have her play not until I feel like the pacing is better and no ones shouting over each other. The Cards, They are fun but i'm gonna rejig them to be less annoying and alot less OP, (I'm removing that bag of holding card) personal thing - If I ask something to do with in the game could you please just acknowledge you have seen it, cause I've typed in plane text plenty of times before and it just doesn't get listened to it starts with one person then everyone else follows if you get me and it can make some little instructions that make things easier for me alot harder. As the DM I want a bit more control So one of the major ones that I ask is NO ONE calls "Roll a persuasion to persuade me" or anything along that lines, it is unnecessary and tbh I find it a bit rude. NO Rape or Rolling Cock size. (its just weird and its disgusting you'd think of it tbh)
There are a few more other things that personally bother me but those are the main ones, the minor ones just consist of 1. Don't Make up your own lore of my own creation and then treat it as cannon, I didn't ask and I don't care.
  1. Don't ask for any more custom items, if I give you something be happy and let it be a surprise. 3."did we level up?" i know its a joke but tone it down before it gets worse.
  2. If you create a backstory please give me the footnotes of the main points that I can work with, don't give me a lore book about how garfunkle the black white man slain a beast. I won't read it. (Edit - I don't mind if they give me a book to read I do like lore I just mean here that I'd prefer notes of the main points in their characters story)
  3. I would prefer Game things are sent on discord concerning characters thats a personal thing, I created the discord for me to be organised and have it all in one place so if you please could just send me stuff on that even if its a dnd beyond link I would like it all in one place. I get this is gonna be alot to read but I hope I get my point across. I am the dungeon master and I want to create a game for you guys to enjoy but I have neglected my own joy for the game and have been more lazy with it because of this. I have alot of stuff to fix from last session especially and I'm gonna try to be more focused on the game and create a better experience and all I ask is please listen, pay attention and any question on the world so you can clarify things you may ask me, if there is any issues during the session call for a break if its that major so we may discuss at the table and if its a small issue we discuss it after the session. I may rule things wrong but i'll attempt to rule it in a way that makes sense and then I shall research and let you know afterwards, I'd rather not search rules in the middle of the game and taking half a hour per turn. ---------------------------------------------------------------------------------------------------------------------
So context for some things the number 3 joke is from shrek "NUMBER 3 MY LORD" and I use magic the gathering cards for little 1 session boons they are a hell of a lot of fun and I'll post under this if anyone else play's DnD and MTG (I'd recommend using the Dungeons and dragons sets for Magic if you wish to try this out)
Revitalize x2 - Add a Medium Potion to Inventory

Treasure x3 - Add 100 Gold

Choose Your Weapon - Choose one for the Remainder of the Session
Archery - +2 to Range attacks
or
Two Weapon Fighting - +2 to Melee Attacks

Curse of Surveillance - You Grow an eyeball onto the palm of your hand, something or someone is watching you (The DM determines who) This curse is passed on
when someone else draws the card or removed with the "Remove curse Spell"

Improvised weaponry - You feel compelled to use the first random object as your weapon for the session.

Triumphant Adventurer - Roll a D20,
Even Numbers add 3 Platinum to your Inventory.
Odd Numbers Summons a Gold Plated Cocky knight to gloat how rich he is for 1 minute.

Hunters Mark - You Gain the Ability Hunters Mark for the Session it does not Require Concentration.

Contact Other Plane - You ask anything from the DM roll a d100 to discover the outcome.

Hoard Robber - The best robber in all the land has found you and took every bit of coin you have leaving a single fake gold piece.

Dawnbringer Cleric - You can Choose One to use throughout the session
Cure Wounds
Dispel Magic
Gentle Repose

Priest of Ancient lore - A old Dwarf appears in front of you radiating a holy light asking "Would you like to know the lore of this land?"

Boots of Speed - You Gain Extra 15ft Speed for the Session.

Silver Raven - A Unknown Vampires Raven Follows you.

Check for Traps - You becoming Increasingly paranoid of traps for the session the DM at Random will ask you to check for traps at your feet.

Blessed Defiance - You Summon A white Spirit, it says nothing, it is friendly to only you, it will follow and defend you for this session.

Chaos Channeler - A wild magic sorcerer Explodes from the multiverse, he looks excited as he transports himself again creating a Minor wild magic effect.

So this is a pretty large post But I am looking for advice on maybe rules I should consider going forward, how to keep proper control of a party of 6 and just anything I should improve as a DM and anything I can further communicate to my players at the table.
submitted by TheZandiil to DungeonsAndDragons [link] [comments]


2024.06.01 11:39 Significant-Tower146 Best 1911 Holsters

Best 1911 Holsters

https://preview.redd.it/i16fjd85kx3d1.jpg?width=720&format=pjpg&auto=webp&s=0b485b837f53340d72a905a6a19d5868f0276649
Looking for a new holster? You've come to the right place! In this comprehensive article, we've gathered the finest 1911 holsters currently available on the market. From state-of-the-art design to exceptional craftsmanship, each holster on our list is sure to impress and suit your needs perfectly.
No matter if you're an experienced gun enthusiast or a first-time buyer, we've got you covered. Our carefully curated selection is designed to showcase a diverse range of options, all perfect for your 1911 firearm. Get ready to find your ideal holster and enhance your shooting experience like never before!

The Top 18 Best 1911 Holsters

  1. Comfortable 1911 Inside Waistband Holster for Threaded Barrels - Upgrade your concealed carry with C&G's Covert IWB holster, offering superior comfort, solid locking retention, and a versatile design made in America by veterans and law enforcement.
  2. Carry Comfortably with Versacarry's Quality 1911 Holster - Embrace confident, safe concealment with Versacarry's premium water buffalo leather Compound Series OWB Holster, designed for right-handed use and extra rigidity to protect your 1911.
  3. Comfortable Chest-Mounted 1911 Holster for Maximum Support - The Crossbreed Chest Rig Holster for 1911 is a well-designed, versatile, and comfy choice for pistols enthusiasts, providing secure retention and strap fit while breathing easy.
  4. Eco Leather Concealed Carry Holster for 1911 Guns - Stay secure and comfortable with the Houston Eco Leather Concealed Carry Soft Material IWB Gun Holster with Mag Pouch, featuring Inside The Waistband design and a soft suede lining for maximum gun protection.
  5. Sig Sauer 1911 ProTuck Holster - Adjustable, Lightweight IWB Concealment - The ProTuck IWB Holster from Vedder Holsters offers an advanced, form-fitted design for superior concealment and durability, perfectly catering to your Sig Sauer 1911 w/out Rail 3.3" with adjustable retention, ride height, and cant.
  6. Bravo Concealment Torsion 1911 IWB Holster with Adjustable Retention - Experience ultimate concealment with the Bravo Concealment Torsion 1911 IWB Holster, boasting BCA's patented Torsion technology, adjustable retention, and a secure, comfortable fit for your 1911 gun.
  7. Premium 1911 Holster for Right Hand Configuration - Experience ultimate carry comfort with Desantis Gunhide's Mini Slide Belt Holster for 1911, right-hand, featuring adjustable tension and premium saddle leather.
  8. Vintage 1911 Holster: Expertly Crafted for Maximum Security and Comfort - Cannon TX-BH3 Vintage Edition: A luxurious, full-grain leather holster with a comfortable and secure fit for your full-size 1911 handguns, perfect for confident carrying wherever you go.
  9. Quality 1911 Optic Ready Leather Holster for Optic and Red Dot Accessories - Experience premium quality and added functionality with the 1791 Optic Ready 1911 Belt Holster BH1 in Signature Brown, designed for optic-equipped firearms and offering a multi-fit solution with reinforced stitching.
  10. Comfortable 1911 Right-Hand Tan Holster - Experience secure gun retention with Desantis Cozy Partner 1911 Holster, featuring a tension device, precise molding, and adjustable memory band, available in tan or black leather.
  11. Comfortable and Adjustable 1911 Holsters for Right-Hand Use - Experience ultimate comfort and convenience with the BlackPoint Outback Chest System - a sleek, lightweight, and fully adjustable chest carry solution for your 1911 holster.
  12. Cozy Partner Inside-the-Pants Holster for 1911 Government Model - Experience ultimate handgun retention and comfort with the DeSantis Cozy Partner Holster, featuring a tension device, precise molding, and a memory band for one-handed re-holstering.
  13. Reliable 1911 Springfield 5" (rail) Concealed Carry Holster - Securely carry your 1911 Springfield 5" rail in style with this lightweight, reliable OWB concealed carry holster, perfect for everyday protection.
  14. Versacarry Element Distressed Brown Leather Holster for 1911 Style Guns with Spare Mag Pocket and Easy Clips - Versacarry Element Holster IWB RH is the perfect choice for 1911 style gun owners, providing superior protection, spare magazine storage, and adjustable cant with easy on/off clips while maintaining discreet comfort.
  15. Premium Leather 1911 Right-Hand Holster for Concealed Carry - Experience ultimate concealment and comfort with the Desantis Sof-Tuck 1911 Right Hand Tan Holster, featuring adjustable cant, multiple carry positions, and premium materials.
  16. Kydex Mini Ambidextrous 1911 Holster - Experience premium comfort and security with the Desantis Slim-Tuk 1911 Holster, featuring precision-molded Kydex, unlimited mounting options, and adjustable tension for an ideal fit.
  17. Custom 1911 Tactical Kydex Holster for Light-Bearing Needs - C&G Holsters OWB TACTICAL Kydex Holster offers secure and versatile carry, perfect for 1911 guns with light-bearing needs in any situation, backed by exceptional craftsmanship and quality.
  18. Precision Competitive Holster for 1911 4.25'' - Kydex, Aluminum, Adjustable - The Pro Ball Joint Competition Holster transforms your 1911 4.25'' into a precision and performance-driven shooting tool, with adjustable ride height, aluminum ball joint, Kydex shell, and optic compatibility for an unmatched competitive edge.
As an Amazon™ Associate, we earn from qualifying purchases.

Reviews

🔗Comfortable 1911 Inside Waistband Holster for Threaded Barrels


https://preview.redd.it/7pi8efn5kx3d1.jpg?width=720&format=pjpg&auto=webp&s=474eb0fdecb6ec685511d00a9b6e8d0a7e1d2700
C&G's Covert IWB holster quickly became a staple in my daily life. The first thing that caught my eye was the solid feel of the Kydex material. It's a bit heavier than some other holsters I've tried, but this adds to the confidence that my firearm is securely held in place. The open bottom design is a game-changer - it fits threaded barrels and compensators like a glove, and offers compatibility with most RMRed Dots on the market. I particularly appreciate the customization options available for fit and attachment, which make it a perfect match for my carry needs.
The slight discomfort I've experienced while wearing the Covert IWB holster is the only downside I've noticed. After wearing it for a few hours, I feel a bit of pressure on my hip. It's not unbearable, but it is worth mentioning. Overall, the positives far outweigh the negatives, and I highly recommend this holster to anyone in the market for an IWB 1911 holster.

🔗Carry Comfortably with Versacarry's Quality 1911 Holster


https://preview.redd.it/8euk7z86kx3d1.jpg?width=720&format=pjpg&auto=webp&s=687e8a7de1de4289ed9723de97ca78137e8f2939
Last week, I had an interesting experience with the Versacarry Compound holster. I was at the range, trying to practice with my 1911, when I realized my holster wasn't the greatest for my needs. So, I swapped it for this one, and let me tell you - it's been a game changer.
First off, the material is premium water buffalo leather. It's softer than most plastic holsters but holds up better against wear and tear. Plus, it has a raised protective backing and metal inlay for extra rigidity. It's like having a little bodyguard for your gun.
I also appreciate the fit. This right-handed holster fits my 1911 perfectly, and it's comfortable to wear. It hugs my waist just right, without digging into my side. Now, practicing at the range is a breeze, as I can focus on my aim, instead of fidgeting with my holster.
The stitching is industrial-grade bonded nylon thread, so you know it's made to last. But don't just take my word for it - Versacarry even made sure it's made in the USA.
However, there are a few things I'd like to point out. The holster is only compatible with certain handguns, and I had to return my first one because it didn't fit my pistol correctly. Also, if you're using it for open carry, it might be a bit too conspicuous for my liking. Lastly, there were a couple of minor issues with the holster's design, but it didn't affect the overall experience.
In conclusion, the Versacarry Compound holster has become my daily sidekick at the range. Its quality, comfort, and ease of use make it a versatile and reliable partner for my 1911. And with a rating of 3.9, it seems other users have also had similar experiences.

🔗Comfortable Chest-Mounted 1911 Holster for Maximum Support


https://preview.redd.it/y3itcciakx3d1.jpg?width=720&format=pjpg&auto=webp&s=dd0a9ab8ce6ebfd30961bec3a52986fdbdffa419
I recently had the chance to try out the Crossbreed Chest Rig Holster for my 1911-Founders, and let me tell you, it's a breath of fresh air when it comes to holding on to heavier pistols. The holster's thick leather backer provides excellent support, while the soft suede lining ensures that it's always comfy against the body.
What really sets this holster apart is the multiple points of retention adjustment. You can really make it work for you, thanks to the three different straps. The adjustability makes it a perfect fit, no matter how your body is built.
While some might argue that the holster might be a bit too noticeable for everyday carry, I've been genuinely impressed with its performance and versatility. It's definitely worth considering when you're looking for a reliable chest rig for your firearm.

🔗Eco Leather Concealed Carry Holster for 1911 Guns


https://preview.redd.it/3p28v7uakx3d1.jpg?width=720&format=pjpg&auto=webp&s=165d5c06326ad3d85e1ce9b4c6ee36ff069c10e7
I recently had the chance to try out the IWB Gun Holster with Mag Pouch by Houston. This concealed carry holster is made with eco-leather, making it a great choice for those who value sustainability. The holster is designed with comfort in mind, fitting around your waist with ease. It also features a soft suede lining for extra protection for your gun.
One of the best parts of this holster is the sturdy metal clip that ensures your gun stays secure throughout the day. I found it to be a reliable choice when I needed to be on the move. However, on hot summer days, the holster can get a bit sweaty, so it might not be the best choice for intense outdoor activities.
Overall, the IWB Gun Holster with Mag Pouch by Houston is a solid choice for anyone looking for a comfortable and reliable concealed carry option. The eco-leather and soft suede lining provide excellent features for keeping your gun safe, while the metal clip ensures it remains secure throughout the day. However, be mindful of the potential for sweat build-up in hot weather.

🔗Sig Sauer 1911 ProTuck Holster - Adjustable, Lightweight IWB Concealment


https://preview.redd.it/bqop4mcbkx3d1.jpg?width=720&format=pjpg&auto=webp&s=43da6bf13ae2ef010c060618e72dd78df213473a
The Vedder Holsters ProTuck for a Sig Sauer 1911 without rail offers an exceptional inside the waistband (IWB) experience, providing superior concealment and comfort in one package. The hybrid holster is meticulously crafted from premium leather and form-fitted Kydex, creating a secure and personalized fit for your firearm. Its natural hugging of your body and adjustable retention make it a standout option.
However, I found the weight distribution to be slightly top-heavy, which may require some adjustments. The limited number of color options could also be a drawback for those seeking a more unique look. Nonetheless, the holster's lightweight design, durability, and lifetime guarantee are all noteworthy features that make this a top contender in the market.

🔗Bravo Concealment Torsion 1911 IWB Holster with Adjustable Retention


https://preview.redd.it/0zlc3mvbkx3d1.jpg?width=720&format=pjpg&auto=webp&s=896ef85e086e6a40586144ebfb16a0182b8ff98d
I recently became a fan of the Bravo Concealment Adaptive IWB concealed carry holster for my trusty 1911. This holster has been a game-changer in my daily carry routine, thanks to its adjustable retention, which feels secure yet accessible at the same time.
The polymer injection mold is absolutely impressive—it ensures a perfect fit for my 1911 without adding any unnecessary bulk. The torsion technology also helps conceal the gun by twisting it slightly inward, making it effortlessly blend with my wardrobe.
One of my favorite features of this holster is the comfortable fit; it feels like a second skin without any discomfort or irritation. Plus, the holster retains its shape for smooth one-handed re-holstering. The tuckable clip is another added convenience, allowing me to effortlessly tuck it under my clothing when needed.
However, there's one aspect I wish could've been improved—the audible clicking sound when re-holstering. It's a bit too loud for my liking, especially if I'm in quieter surroundings. Overall, I'm satisfied with the performance of the Bravo Concealment IWB holster for my 1911. It's a reliable and comfortable option for everyday concealed carry.

🔗Premium 1911 Holster for Right Hand Configuration


https://preview.redd.it/xcyx469ckx3d1.jpg?width=720&format=pjpg&auto=webp&s=01903d8dbc870c5ac7458e0fea2578ef1b08bfbc
While I was out on a shooting range, I decided to try out the Desantis Gunhide Mini Slide Belt Holster for my 1911 pistol. First off, the premium saddle leather and attention to detail were striking. The exposed muzzle design gave it a tight fit, perfect for my gun. I also loved the adjustable-tension device, allowing me to customize the holster's hold.
The only issue I encountered was that the belt slots were a tad too wide for my taste. However, the black and tan unlined leather options added a nice touch. Overall, I found the holster to be a great choice for anyone looking for a well-fitted, comfortable, and stylish companion for their 1911 pistol.

🔗Vintage 1911 Holster: Expertly Crafted for Maximum Security and Comfort


https://preview.redd.it/fqj06jnckx3d1.jpg?width=720&format=pjpg&auto=webp&s=c7b8a8c33af557e07cbca41e0ec7fb8e83981880
I recently got my hands on the Texas 1836 Cannon Vintage Edition Open Top OWB Holster. It's a beauty to behold, with its premium full-grain leather design that simply exudes luxury. The handcrafted attention to detail is obvious, making it a perfect fit for my 1911. The double-stitching adds an extra layer of security, and the smooth interior makes for a speedy draw whenever I need it.
While I absolutely love the holster's aesthetics and comfort, I've noticed that it might not be the most versatile option. It's specifically designed for full-size 1911s with no attachments, which means those looking for a more universal option might want to look elsewhere. Nevertheless, for someone looking for a sleek and sturdy holster that's an extension of their style, the Texas 1836 Cannon Vintage Edition is definitely worth considering.

🔗Quality 1911 Optic Ready Leather Holster for Optic and Red Dot Accessories


https://preview.redd.it/wcl9gdyckx3d1.jpg?width=720&format=pjpg&auto=webp&s=126c6958ba1ec54ee4d6874fbbc1a37011641e94
The 1791 Optic Ready 1911 Belt Holster BH1 in Signature Brown is a versatile and reliable choice for those seeking a high-quality belt holster. Crafted using premium 100% Certified American Heavy Native Steerhide leather, this holster exudes durability and comfort.
Its multi-fit design and open top make it an easy choice for your preferred carry-style, accommodating a wide range of firearms. However, the added functionality of the optic cut and the inclusion of a sweat guard or shield give it a slight edge in terms of usability.
The reinforced stitching ensures that the holster remains secure and long-lasting. Despite these pros, the holster may not be the most ideal choice for those looking for a more minimalist or lightweight design.
Overall, the 1791 Optic Ready 1911 Belt Holster BH1 is a solid option for anyone seeking a reliable and feature-rich belt holster.

🔗Comfortable 1911 Right-Hand Tan Holster


https://preview.redd.it/2a1nw8cdkx3d1.jpg?width=720&format=pjpg&auto=webp&s=31ca6ec911636a71be7ac7244867af1f1e4b2fb1
Desantis Cozy Partner 1911 Tan Holster impressed me in many ways. I love its tension mechanism for handgun retention, ensuring that my firearm stays secure in place. However, the memory band, which helps maintain the holster's shape for easy re-holstering, could be improved.
The 1 1/2" split belt loop works well, but I wish it was removable or adjustable for better compatibility with my belt. Another downside is that some models, unfortunately, lack this crucial feature. Overall, as a right-handed firearm enthusiast, this holster has proved useful and practical, but a little more flexibility could enhance my overall experience.

🔗Comfortable and Adjustable 1911 Holsters for Right-Hand Use


https://preview.redd.it/j99ct9udkx3d1.jpg?width=720&format=pjpg&auto=webp&s=2788fd6bb46a67e10dc34fac3214be4d34ec9341
As someone who's always on the lookout for innovative gear to make my outdoor activities more efficient, I recently had the chance to try out the Blackpoint Outback Chest System. This chest holster is an excellent alternative to traditional belt and off-body carry when hiking, skiing, or engaging in other activities where your hands are occupied.
The Outback Chest System is crafted with a sleek design and lightweight materials, which makes it comfortable to wear and carry for long periods. The holster is securely attached to a well-designed, adjustable harness system that balances strength and ease of use.
One of the standout features of this chest system is its versatile harness design. The Dynamic Bungee Strap enables greater flexibility for movement, while the Static Buckle Strap ensures a snug and stable fit. The Shoulder Strap allows for easy height adjustments, and the adjustable retention features on the holster ensure a perfect fit for a user's gun.
While I'm not a fan of bulky, cumbersome accessories, the Outback Chest System is not heavy or unwieldy. The balance between comfort and security is well executed in this product. However, for those who prefer a more minimalist approach, it might be worth looking into other options.
In conclusion, the Blackpoint Outback Chest System is a smart and practical choice for gun enthusiasts who need a reliable chest carry option for various outdoor activities. Although not everyone may find it their perfect fit, it deserves kudos for offering an effective solution to the inherent challenges of traditional belt and off-body carry methods.

🔗Cozy Partner Inside-the-Pants Holster for 1911 Government Model


https://preview.redd.it/pc4ezdpfkx3d1.jpg?width=720&format=pjpg&auto=webp&s=1c44d060f227eab24d4c092cc2bc86802cf612f1
I recently got my hands on the Desantis Cozy Partner Holster for my trusty Colt Gov Model 1911. Intrigued by its unique design, I eagerly put it to use. The first thing that caught my attention was the tension device. It provided a perfect fit for my handgun, securing it in place like a glove, and I didn't even have to struggle with adjusting the holster.
The memory band that retains the shape of the holster was another great feature. It made re-holstering my handgun super easy and one-handed, which came in handy when I was on the move. The 1 1/2" split belt loop was a convenient addition, ensuring the holster stayed securely in place.
However, there were a couple of hiccups during my experience. The lack of an adjustable belt loop was a bit of a bummer, as it would have been perfect for those of us with smaller belts. Also, the memory band and split belt loop were only available on some models, not all.
Overall, the Desantis Cozy Partner Holster impressed me with its comfortable design, secure fit, and convenient features, despite a few minor drawbacks. If you're looking for a holster that provides both style and function, this might just be the right pick.

🔗Reliable 1911 Springfield 5" (rail) Concealed Carry Holster


https://preview.redd.it/314iavwfkx3d1.jpg?width=720&format=pjpg&auto=webp&s=637f1d73a887ae7a4cf05a5669c2d2e9d01517e1
As someone who has been a firearms enthusiast for years, I was intrigued to try out the 1911 Springfield 5" (Rail) Holster for concealed carry. The first thing that struck me was its lightweight construction, which made it feel incredibly comfortable to wear throughout the day. This holster also proved to be reliable, as it securely held my Springfield 5" in place, even during strenuous activities.
One of the most notable features of this holster is its 1.50" belt loops, which provide a snug fit and stability. However, it did take a bit of time to get the holster to sit just right on my belt, which was a minor inconvenience. All in all, for those seeking a lightweight, reliable, and secure option for concealed carry, the 1911 Springfield 5" (Rail) Holster is a great choice.

🔗Versacarry Element Distressed Brown Leather Holster for 1911 Style Guns with Spare Mag Pocket and Easy Clips


https://preview.redd.it/5o81exbgkx3d1.jpg?width=720&format=pjpg&auto=webp&s=6d79eb888a3c60e251994b871e37fa1b9850dd9d
As a reviewer who's tried the Versacarry Element Holster for myself, I can confidently say it's a comfortable and versatile choice for anyone carrying 1911-style guns. The high-quality distressed brown leather not only looks great but also offers excellent protection, allowing me to conceal carry with peace of mind.
The biggest highlight in this holster for me was the adjustable cant and easy-on/off clips. I appreciate that I can customize the holster's angle to suit my carry preferences, which makes my daily carry more ergonomic and comfortable. Additionally, the quick-release clips make it a breeze to access my firearm when needed.
However, there are a couple of downsides that I've noticed during my use. First, the spare magazine storage compartment is quite snug, which can make it difficult to load or unload extra magazines. And second, while the raised protective backing helps shield my skin from cold contact, the holster does tend to slip a bit, especially when I'm moving around briskly.
Overall, the Versacarry Element Holster is an excellent choice for those looking for a comfortable and discreet 1911 holster. Its adjustable cant and quick-release clips make it a standout option, but expect some minor issues with the spare magazine storage and slippage. But if you're willing to overlook these minor flaws, this holster could be a great addition to your daily carry routine.

Buyer's Guide

When it comes to choosing the right 1911 holster, there are several important factors to consider. Here, we'll guide you through some of the most significant aspects of 1911 holsters and provide you with valuable insights to help you make an informed decision.

Material and Durability


https://preview.redd.it/ehcmnciikx3d1.jpg?width=720&format=pjpg&auto=webp&s=e15e6568eadbe3afb943227b0ad206bb4e77162e
A good 1911 holster should be made of high-quality materials that can withstand the test of time. Common materials used for 1911 holsters include leather, Kydex, and nylon. Leather holsters offer excellent durability and a natural, classy look but may require more maintenance over time. Kydex and nylon holsters, on the other hand, offer greater durability, resistance to weather, and ease of care.

Retention and Security

Retention is a crucial feature that ensures your 1911 stays securely in its holster when not in use. Consider holsters with adjustable retention systems that allow you to adjust the tension to fit your personal preferences. Furthermore, the holster should have a secure clasp or locking mechanism to prevent accidental falls or drops.

Comfort and Concealment

Comfort is a key factor to consider when choosing a 1911 holster, as you'll likely wear it frequently. Look for a holster that has a smooth interior to minimize friction against your firearm. Additionally, a 1911 holster with a curved base, adjustable cant, or a swivel mechanism can help you achieve better concealment, especially when carrying in the appendix position.

https://preview.redd.it/gswt5dyikx3d1.jpg?width=720&format=pjpg&auto=webp&s=af2988ac44ee1340e9c32f42191e2d12a7c6015b

Draw Speed and Access

Draw speed is vital for self-defense and can be affected by various factors such as the style of the holster and the position of the grip. A good holster should allow for quick and easy draws without compromising security. Consider holsters with open-bottom designs, as these often promote faster drawing speeds.

Mounting Options and Fit

There are different methods for attaching 1911 holsters, including belt loops, clips, and clips with belt loops. Choose a holster that suits your preferred method of attachment. Additionally, it's essential to ensure that the holster provides a snug and secure fit for your specific 1911 model. Consider the type of carry position you prefer (e. g. , appendix, side, small of the back) and look for holsters designed for that position.

Brand Reputation and Customer Reviews


https://preview.redd.it/vhu4albjkx3d1.jpg?width=720&format=pjpg&auto=webp&s=2fd12eda68259c62a25a56bde7223cfee73fabd5
Do your research on the 1911 holster's brand and customer reviews. A reputable brand with a track record of quality products and satisfied customers can be a good sign. Read reviews to learn about users' experiences with the holster, particularly in terms of fit, durability, and functionality.
Remember that your decision should be based on your personal needs and preferences, as well as the specific requirements of your 1911. By considering these factors, you'll increase your chances of selecting a high-quality 1911 holster that meets your unique demands.

FAQ

Why is a 1911 holster important for gun owners?

A 1911 holster is essential for gun owners who own a 1911 pistol, as it offers a safe and secure way to carry and store their firearm. A high-quality holster protects the pistol from damage, keeps it firmly in place during activities such as shooting or daily carrying, and is readily accessible when needed.

https://preview.redd.it/gx72ersjkx3d1.jpg?width=720&format=pjpg&auto=webp&s=c4441965dc413e84286e5328c00c74251a22c6ea

What are some common materials used to make 1911 holsters?

Some common materials used to make 1911 holsters include leather, polymer, and nylon. Leather holsters offer durability and a classic look, while polymer and nylon holsters are lightweight, water-resistant, and provide a faster draw for the user.

What are the key features to look for in a 1911 holster?

  • Secure retention: The holster should hold the 1911 pistol securely while allowing for a quick and easy draw when needed.
  • Comfort: The holster should be comfortable to wear, with minimal friction or pressure points on the user.
  • Durability: The materials and construction of the holster should be rugged and withstand wear and tear, including exposure to the elements.
  • Ambidextrous design: If applicable, the holster should be suitable for both right- and left-handed shooters.

What is the difference between inside-the-waistband (IWB) and outside-the-waistband (OWB) 1911 holsters?

An inside-the-waistband (IWB) holster is designed to be worn under clothing, close to the body for concealment. It can offer a better fit and is more comfortable for most users. Outside-the-waistband (OWB) holsters are worn outside clothing, providing easy access to the firearm. While OWB holsters are generally faster to draw, they may be less discreet for concealed carry purposes.

Are there any special considerations for choosing a 1911 holster with a specific gun carry method?

  • Concealed carry: For concealed carry, look for a holster that is thin, lightweight, and designed for minimal printing or visible outline under clothing.
  • Inside-the-waistband carry: An IWB holster should be designed to comfortably conceal the pistol and should be adjustable for a customized fit.
  • Outside-the-waistband carry: An OWB holster should be adjustable for cant angle and ride height to ensure it fits the user's body and gun model well.

How do I maintain and clean a 1911 holster?

Cleaning and maintaining a 1911 holster involves regularly inspecting it for tears, wear, or damage. Leather holsters should be conditioned periodically using a leather conditioner, and all holsters should be wiped clean of sweat, dirt, or debris. It is also essential to prevent excessive moisture buildup that can damage the holster or cause bacteria growth. Always check the holster before use for any signs of wear or damage, and replace it if necessary.
As an Amazon™ Associate, we earn from qualifying purchases.
submitted by Significant-Tower146 to u/Significant-Tower146 [link] [comments]


2024.06.01 11:21 alivanrental Abu Dhabi private tour best deal - 5% off coupon code

Abu Dhabi Tour Best Deal
Hi Redditors! I’m excited to share an amazing deal with you all – a special offer for an Abu Dhabi tour that you can't miss. This deal is perfect if you want to see the best places in Abu Dhabi. Abu Dhabi is a beautiful city with many wonderful things to see and do.
Here are some great places you can visit on this tour:
The best part of this tour is that it will be private. This means you and your group will have your own van or bus, depending on the size of your group. A private tour makes your trip more comfortable and enjoyable because you can go at your own pace.
To get this great deal, use the coupon code **ADT20**. This code gives you a 5% discount on any bookings. Just enter this code at checkout and you will save money on your adventure. It’s very easy to use the code and get your discount.
Don’t miss out on this chance to explore Abu Dhabi and save some money. It’s a wonderful opportunity to see amazing places and have a great time. Whether you are traveling with family, friends, or alone, this tour will be a fantastic experience. Happy travels and good savings everyone!
submitted by alivanrental to UAE [link] [comments]


2024.06.01 11:17 Qbccd Community Fibre - £50 Amazon voucher via referral link

Community Fibre offers the best value fibre-to-the-home (FTTP) internet service in the UK. You can get a gigabit plan for only £26/month, which is about half of what you would pay for gigabit from other providers. If you don't need speeds quite that fast, they also offer a 150 mbps plan for £21/month.
There is also a 3 gigabit plan for £56/month, which is among the fastest in the UK, but it is really only for people who have a very specific need for this much bandwidth. The £26 gigabit plan offers the best value. All plans are symmetric (same upload as download).
And since it's full fibre to your home (XGS-PON), the connection is rock solid. In my case, I get 2ms latency and virtually no jitter and zero packet loss. This is a screenshot of a Speedtest to my router:
https://i.imgur.com/q3GzPhG.png
The catch is that it is only available in London and surrounding areas - although they do plan to expand nationally. Check via the link below if they are available at your address.
If the service is available, it's almost certainly worth switching from your existing provider, because no one can match Community Fibre's value. When I called my old ISP to cancel, they tried to convince me to stay, then I told them I was switching to Community Fibre and they immediately gave up and said they couldn't match their prices.
But it gets better because if you use a referral link, you will get a £50 Amazon voucher. And of course you will then get your own referral code to share - each time someone joins with your link, you will both get £50 Amazon vouchers. So you can actually make money with this ISP.
Plans are 12 or 24 months - naturally the latter is the better value (all aforementioned prices are for the 24-month plans). When your contract ends, the price will only go up by £4/month - at that point you can sign a new contract to get a lower price again. Other providers charge much higher premiums for being out of contract, sometimes double.
For me, booking a slot was very easy, and the installers that came to my property were extremely friendly, answered all of my questions, and did the install and the routing of the fibre exactly how I wanted it. In general, Community Fibre ranks very high in customer service and customer satisfaction as they are a smaller altnet and not part of a large corporation. See here:
https://www.ispreview.co.uk/index.php/2023/12/opensignal-rate-uk-broadband-isps-by-quality-and-speed.html
So if this all sounds good to you and Community Fibre is available at your address, you can use my referral link to get a £50 Amazon voucher when you order:
Referral link: https://communityfibre.co.uk/friends?referral=s0-47EPyCh
Non-referral link: https://communityfibre.co.uk
You will receive the voucher within 90 days of activation. Thank you for reading and let me know if you have questions.
submitted by Qbccd to beermoneyuk [link] [comments]


2024.06.01 11:10 Count-Daring243 Best 1911 Compensator


https://preview.redd.it/2n92u0a6fx3d1.jpg?width=720&format=pjpg&auto=webp&s=0a8991fa1577ce57c49894f6bb461d2636e6cee3
Looking to enhance your 1911 revolver's performance and accuracy? Look no further than our roundup of the top compensators available on the market. In this article, we'll introduce you to the best-rated compensators for the classic 1911, providing you with the information you need to make an informed decision.

The Top 13 Best 1911 Compensator

  1. Comfortable 1911 Inside-the-Waistband Holster for Optimal Concealed Carry - Experience unparalleled comfort and superior concealment with the C&G Holsters Covert IWB 1911 holster, expertly designed by Veterans and Law Enforcement in America.
  2. Precision Competitive Holster for 1911 4.25'' - Kydex, Aluminum, Adjustable - The Pro Ball Joint Competition Holster transforms your 1911 4.25'' into a precision and performance-driven shooting tool, with adjustable ride height, aluminum ball joint, Kydex shell, and optic compatibility for an unmatched competitive edge.
  3. Speed Master 2.0 Leather Chest Holster for 1911 Pistols - The Speed Master 2.0 is a versatile leather chest holster for 1911 pistols and DA revolvers, featuring an open top design, adjustable tension unit, and convenient paddle or belt slot attachments for a custom carry experience.
  4. Premium Western 1911 Inside-the-Waistband Holster - Experience ultimate comfort, versatility, and durability with the Galco Royal Guard 1911 Inside-the-Waistband Holster, designed for real-world concealment and perfect for semiautomatic guns and double-action revolvers.
  5. Durable Tactical 1911 Compensator for Enhanced Performance - The BCMGunfighter Compensator Mod 7 - 5.56 is engineered for tactical purposes, providing effective muzzle rise reduction, flash suppression, noise dampening, and side pressure control, making it a top choice for serious shooters.
  6. Hybrid Titanium Compensator for 1911 Pistol - Enhance your 1911 handgun's performance with the EGW Hybrid Titanium Compensator, perfect for Steel Challenge and Bianchi Cup competitions, featuring reduced loads and seamless integration into international orders.
  7. Premium 1911 Inside Waistband Holster - The Vedder Holsters 1911 w/out Rail 4.25" RapidTuck holster, designed for Colt Commander frames, offers a comfortable IWB carry with premium leather and molded Kydex, perfect for various carry positions and proudly made in the USA.
  8. Speed Master 2.0 5in 1911 Concealed Holster with Paddle and Belt Options - The Galco SM2212RB Speed Master 2.0 holster offers versatility and customization with its adjustable belt slot and paddle attachment methods, providing a perfect carry solution for 1911 Compensator users.
  9. Universal Single Mag Holder for 1911 Compensators - Experience unbeatable durability and custom-fit retention with the C&G Universal Single Mag Holder, expertly crafted by veteran & law enforcement professionals for optimal 1911 compatibility.
  10. Stainless Steel 1911 Gun Compensator - Experience minimal side blast and noise with Bravo's BCMGunfighter Compensator Mod 0, a stainless steel 7.62mm AR10 accessory that ensures maximum recoil mitigation, muzzle-rise compensation, and flash reduction.
  11. Premium Independence Leather 1911 Holster with Reinforced Belt Loop - The Independence leather holster is a premium 1911 5" Government with Rail Only OWB holster, offering maximum protection, comfort, and ease of use for your firearm.
  12. Galco TacSlide Belt Holster for 1911 Compensator: Fast, Concealable, Economical - Experience seamless concealment and swift draws with the Galco Tac Slide Belt Holster for your Colt Kimber Para 1911 5" - the perfect blend of steerhide and Kydex for unbeatable durability and comfort.
  13. CNC 7-Port 5-Chamber Comp Cone for 1911 Handguns - The EGW 11830 CNC 7-Port 5-Chamber Comp Cone is a high-quality compensator made from heat-treated stress-proof Carbon Steel, perfect for use with standard-length barrels and custom hybrid or bull barrels with the proper threading.
As an Amazon™ Associate, we earn from qualifying purchases.

Reviews

🔗Comfortable 1911 Inside-the-Waistband Holster for Optimal Concealed Carry


https://preview.redd.it/4tbqcih6fx3d1.jpg?width=720&format=pjpg&auto=webp&s=e92e3398a447bae2f3fb015a84974a33a1ecf133
Over the past few months, I've had the opportunity to try out C&G's Inside the Waistband Covert holster for my 1911. The first thing that struck me was how well-designed and comfortable it was. As someone who carries most of the day, the last thing I want is my holster to be uncomfortable or distracting.
One of the standout features was the solid locking retention. It gave me peace of mind, knowing my firearm was secure when I was on the move. The holster was also designed to fit most RMRed Dots on the market, which was a nice touch.
However, there were a couple of cons I noticed. First, the open bottom allowed for threaded barrels and compensators, but it could be a bit challenging to get a perfect fit for my specific firearm. Secondly, the 1.5-inch belt clip could be a bit snug for my thicker belt.
Overall, my experience with C&G's Covert holster has been mostly positive. The holster offers a comfortable and secure fit, and the craftsmanship is top-notch. While there were a few minor drawbacks, the pros definitely outweigh the cons.

🔗Precision Competitive Holster for 1911 4.25'' - Kydex, Aluminum, Adjustable


https://preview.redd.it/uaviuox6fx3d1.jpg?width=720&format=pjpg&auto=webp&s=c878830e3a9082f69923c9671e16b1278804c13d
As a shooting enthusiast, I recently came across the 1911 4.25'' No Rail Pro Ball Joint Competition Holster, and I must say, it has greatly enhanced my experience. Its adjustable ride height, which allows me to fine-tune my grip, is a game-changer.
The aluminum ball joint provides a smooth, sturdy connection that ensures a reliable hold, while the Kydex shell offers a perfect fit. Plus, the optic compatibility adds a touch of convenience. However, I also noticed that the holster can be quite heavy, which might affect my mobility during competitions.
Overall, this holster has proven to be a valuable investment for any serious shooter.

🔗Speed Master 2.0 Leather Chest Holster for 1911 Pistols


https://preview.redd.it/nqmfbx77fx3d1.jpg?width=720&format=pjpg&auto=webp&s=68ad3f2a292e235226e808078c046ffa2c489c2d
I had the pleasure of trying out the Galco SM2212R Speed Master 2.0 1911 5in Tan, and I must say, it's a fantastic choice for gun enthusiasts. This versatile holster offers a sleek design and comes in both paddle and belt slot configurations, ensuring you can choose the carry method that suits your needs best.
One of the standout features of this holster is the high-quality premium steerhide construction. The build feels sturdy and reliable, giving me confidence in its performance. The adjustable tension unit is a convenient feature that allowed me to customize the holster's grip, ensuring my firearm stayed securely in place.
However, there were a couple of downsides I encountered during my experience. The slight butt-forward or neutral cant can vary depending on the firearm, which might not be ideal for everyone. Additionally, the holster might not fit as snugly as desired on larger pistol barrels.
Despite these minor drawbacks, the Galco SM2212R Speed Master 2.0 is an impressive and versatile holster that provides excellent concealment and security. If you're in the market for a high-quality and customizable 1911 holster, this might just be the right fit for you.

🔗Premium Western 1911 Inside-the-Waistband Holster


https://preview.redd.it/ujoeedn7fx3d1.jpg?width=720&format=pjpg&auto=webp&s=2c4c2c8fe7a3488f5f3f9ac0cb56052dee61c007
I recently had the chance to try the Galco Royal Guard 1911 Inside-the-Waistband Holster Black - a sleek and versatile option for gun owners. This holster boasts an innovative design that keeps your weapon secure while still ensuring that you have easy access to it when you need it most. I particularly appreciated the rough side of the leather facing out, providing great stability and protection for your gun.
Wearing the Galco Royal Guard was a comfortable experience, allowing for real-world concealment even of larger defensive guns. The smooth leather pocket was reinforced for sturdiness, and it granted unrestricted movement and easy reholstering. In my opinion, the combat grip accessibility rounded out this holster's utility to make it an invaluable choice for those seeking speed and agility.
A few aspects of the Galco Royal Guard could use some improvement, but overall, I was impressed with the product. Its premium natural color horsehide constructed to fit 1-3/4" belts was a definite plus. And for those with 1-1/4" belts, there's an optional belt channel to consider. While there is still room for improvement, the Royal Guard holds promise as a reliable choice for any gun enthusiast.

🔗Durable Tactical 1911 Compensator for Enhanced Performance


https://preview.redd.it/ova9o718fx3d1.jpg?width=720&format=pjpg&auto=webp&s=73c0d85a134a46a04727634aa74ab5d1cd1e0d77
I recently added the BCMGUNFIGHTER Compensator Mod 7 - 5.56 to my trusty 1911 setup, and let me tell you, it's been a game-changer for my tactical operations. This ain't no lightweight accessory, it's a solid piece of machinery that reduces muzzle rise and flash to a minimum, making my targets all the more accurate.
It's also helped keep things nice and quiet during reconnaissance missions, and the lateral force it counteracts has been a lifesaver when I gotta take quick shots on the go. Sure, it might be a bit of a heavy-hitter compared to some other comps out there, but the benefits I've experienced have made it a more than worthy addition to my arsenal. So, if you're looking for a versatile compensator for your tactical ops, this bad boy deserves a serious look.

🔗Hybrid Titanium Compensator for 1911 Pistol


https://preview.redd.it/nypng2h8fx3d1.jpg?width=720&format=pjpg&auto=webp&s=2ee71771c7076c2edaad8cb56a1696adce59247b
The EGW Hybrid Titanium Compensator 575 x 40 is a sleek and sturdy addition to any 1911 firearm. I've been using it in my daily training sessions, and it's performed exceptionally well. The titanium construction not only adds durability but also keeps the weight down, making it a perfect choice for those who value portability.
One highlight of this compensator is its ability to reduce recoil significantly, which is especially useful for those newer to the sport or for those looking for a smoother shooting experience. This feature, combined with its robust design, has proven to improve the overall performance of my handgun.
However, there were a couple of drawbacks to this product. Firstly, the international shipping restrictions can be a hassle for those living outside the US. And secondly, the lack of an extensive review history makes it challenging to gauge the overall user satisfaction with this product.
Overall, the EGW Hybrid Titanium Compensator 575 x 40 is a high-quality accessory for 1911 firearms with a unique titanium construction that reduces recoil. While there are a few drawbacks to consider, the pros outweigh the cons, making it a worthy addition to many shooters' kits.

🔗Premium 1911 Inside Waistband Holster


https://preview.redd.it/n5p8nrx8fx3d1.jpg?width=720&format=pjpg&auto=webp&s=78a25c114d49ccc2bb9de309f79ea900dbe30bb0
I recently had the chance to try out the Vedder Holsters 1911 w/out rail 4.25" (Colt Commander frameNOT SIG) RapidTuck, an inside the waistband (IWB) hybrid holster that's handcrafted with premium leather and molded Kydex. The moment I started using it, I was struck by the attention to detail and the perfect fit for my 1911 w/without rail 4.25" Colt Commander frame.
One of the key features that stood out to me was the comfort of the holster. The leather is soft and well-finished, making it comfortable even for extended periods of wear. Whether you carry in the 3 o'clock position, appendix carry, or cross draw, the RapidTuck offers various carry options that are both comfortable and secure.
Another great aspect of the holster is the custom Kydex shell, which is molded to fit your firearm perfectly. This ensures proper clearance with all front sights and loaded chamber indicators, providing peace of mind even in the harshest conditions. The included Rock Solid Spring Steel Clip is a nice touch, offering two belt accommodations and a tuckable design for deep concealment.
While I enjoyed using this holster, there were a couple of minor drawbacks that I noticed. Firstly, the adjustable ride height feature is a bit more challenging to use than some other holsters on the market. Secondly, the limited color options might not appeal to everyone looking for a personalized touch. Despite these small drawbacks, the overall quality and performance of the 1911 w/out rail 4.25" (Colt Commander frameNOT SIG) RapidTuck make it a solid choice for anyone in the market for an IWB hybrid holster.

🔗Speed Master 2.0 5in 1911 Concealed Holster with Paddle and Belt Options


https://preview.redd.it/w1m7ckc9fx3d1.jpg?width=720&format=pjpg&auto=webp&s=4dd54d30ebcf283308af81198078f3e2b1a1bb3e
I recently gave the Galco SM2212RB Speed Master 2.0 a try for my 1911 pistol. It impressed me with its ability to quickly switch between a paddle and belt holster, which is perfect for my lifestyle. The open-top design allows me to draw my pistol faster, while the covered trigger ensures added safety.
The steerhide material feels premium and holds a good grip on the pistol. However, I noticed that the holster might be a bit snug for larger belts, but overall, the Speed Master 2.0 is a versatile and dependable choice for concealed carry.

🔗Universal Single Mag Holder for 1911 Compensators


https://preview.redd.it/z4qnffo9fx3d1.jpg?width=720&format=pjpg&auto=webp&s=e6ae6c3d2992e3b26ae9c85b79cbb35cdaf4c39c
Imagine this: after a long day at the range or simply enjoying your time at home, you're done with holstering and retrieving your magazines. You reach for your trusty mag holder - a solid, reliable, and convenient accessory that's been your reliable companion for months. But suddenly, it's gone. You need a new one. Fast. Enter C&G's Universal single mag holder.
This is the kind of mag holder that makes you say, "I never knew I needed this until now! " It's a game-changer, designed to hold your magazines in place, making your life easier and hassle-free. The C&G's Universal single mag holder is made with high-quality materials, ensuring it lasts long, stays sturdy, and remains a reliable tool in your arsenal.
The Universal aspect of this product is a testament to its versatility, as it fits almost all pistols or mags. And let's talk about the fit - it's made for a purpose and designed to ensure that your magazines stay where they should. No more fumbling or worrying about your magazines falling out when you need them most.
But what about the looks? Well, let's just say it's not an eyesore. It manages to blend form and function, seamlessly becoming a part of your daily arsenal. The fact that it's made in America by the best professionals in the field is a cherry on top.
However, like any other product, it does have a small downside. The clip might take some getting used to, as it's a little bigger and wider than what most users would prefer. But it's a small cost to pay for a product that performs so magnificently.
In conclusion, the C&G's Universal single mag holder is a top-notch product that delivers on its promises. It's a reliable and efficient accessory that makes holstering and retrieving your magazines a breeze. It might have a minor issue with the clip size, but overall, it's a must-have for anyone who wants to ensure their magazines stay secure and easily accessible.

🔗Stainless Steel 1911 Gun Compensator


https://preview.redd.it/3wgvi25afx3d1.jpg?width=720&format=pjpg&auto=webp&s=19f83235702d3ce0df1bf7a2d144104b6169ee93
I recently had the chance to try out the BCM Gunfighter Comp Mod1 762 5/8x24 in a few shooting sessions, and let me tell you, it was quite an experience. One of the most impressive features of this compensator is its stainless steel construction. Don't get me wrong, I'm no gunsmith, but I could tell that the quality was top-notch. It just felt solid and well-built in my hands.
During my time with the Gunfighter, I noticed that it really reduced the muzzle rise and the noise associated with typical comps. It was like shooting a silenced revolver, which made it a joy to use, especially during team CQB drills. The inclusion of a crush washer was another plus, as it made the installation process a breeze.
However, there were a couple of things that I wasn't completely thrilled about. First, it was a bit heavier than some other compensators I've used, which made it a bit unwieldy in certain situations. But overall, the benefits outweighed the drawbacks, and I found myself reaching for it on my next few range trips.
So, in conclusion, if you're looking for a well-built, noisy, and muzzle rise-reducing compensator, the BCM Gunfighter Comp Mod1 762 5/8x24 is definitely worth checking out.

🔗Premium Independence Leather 1911 Holster with Reinforced Belt Loop


https://preview.redd.it/9s6y8ojafx3d1.jpg?width=720&format=pjpg&auto=webp&s=42c089fc4d882b8ad27beee6c091519312282de5
The Independence holster is a beautifully crafted leather masterpiece, with a proprietary design and attention to detail that sets it apart in the crowded gun holster market. The 8 oz premium leather feels soft and durable against your firearm, providing a sense of comfort and assurance as you carry your 1911 5" Government.
What I love most about this OWB holster is the reinforced belt loop design, which allows for effortless on and off placement. No more fumbling with clips or loops; this holster's custom tailoring ensures perfect fit, maximized retention, and minimal printing for a comfortable carry experience.
One area where it could use improvement is the compatibility with different firearm sights, particularly those with sharp edges that can catch on the leather when drawing. But overall, the Independence holster is a top-notch leather choice for your favorite 1911.

🔗Galco TacSlide Belt Holster for 1911 Compensator: Fast, Concealable, Economical


https://preview.redd.it/3ypf7bzafx3d1.jpg?width=720&format=pjpg&auto=webp&s=7c4aa566bbfd549fdcde750bdc021123b8d5068f
As a gun enthusiast, I recently had the chance to try out the Galco Tac Slide Belt Holster for my Colt Kimber Para 1911 5" Black RH TS212B. First and foremost, the design of this holster is quite impressive, with its combination of steerhide and Kydex materials, which provides both durability and comfort in one package. The adjustable belt slots make it easy to wear and also allow for excellent concealment, even with larger frames.
One of the standout features of this holster is the open top and neutral cant, which make the draw incredibly smooth and efficient, even when wearing heavier pants or jackets. This is a crucial aspect for those who need to access their weapon quickly and discreetly.
However, the Tac Slide does have its drawbacks. For one, the holster itself is quite bulky, which can be a disadvantage for those who prefer a more minimalistic design. Additionally, while the steerhide back plate is comfortable, it can be a bit fussy when trying to reholster the firearm, particularly if the holster is not set up properly.
Overall, despite these minor drawbacks, I found the Galco Tac Slide Belt Holster to be a reliable and functional option for concealing and carrying my Colt Kimber Para 1911. It's a versatile option that works well with both semi-autos and double-action revolvers, making it a solid choice for gun owners looking for a convenient and secure way to carry their weapon.

🔗CNC 7-Port 5-Chamber Comp Cone for 1911 Handguns


https://preview.redd.it/bbr4gacbfx3d1.jpg?width=720&format=pjpg&auto=webp&s=63128e3e6bfb7adf533604754e478307a8309447
I've had the chance to use the EGW 11830 CNC 7-Port 5-Chamber Comp Cone in my 1911 pistol, and I must say it's made quite a difference in its performance. It's built with heat-treated, stress-proof Carbon Steel, which adds to its durability and reliability. One of the most noticeable things about this cone is its unique 10-degree angle, designed to control muzzle flip and keep the gun steady even during intense shooting sessions.
However, one downside I noticed was that installing it required a bit of extra effort, as it required a reverse plug due to its lack of a bushing to hold the recoil spring. Nonetheless, once in place, it lined up perfectly with the barrel bore and provided a smooth, precise shooting experience.

Buyer's Guide

The 1911 Compensator is a vital accessory for 1911-series firearms. It aims to reduce recoil and muzzle rise while enhancing accuracy. This buyer's guide will provide you with essential information, recommendations, and considerations to help you choose the right 1911 compensator for your needs.

Materials


https://preview.redd.it/fjnb6htbfx3d1.jpg?width=720&format=pjpg&auto=webp&s=9eff2f57129f025eb43cdd261be1c6b5a8f1f1fb
When selecting a 1911 compensator, consider the materials used in its construction. High-quality compensators are usually made from durable materials like stainless steel, titanium, or brass. These materials provide long-lasting performance and better heat dissipation, which can improve accuracy.

Size and Weight

The size and weight of a 1911 compensator are crucial factors in determining its compatibility with your firearm. Ensure the compensator's dimensions match those of your barrel and that its weight balance is appropriate for your shooting style and preferences. A well-balanced compensator can improve recoil management and control.

Design

The design of a 1911 compensator influences its effectiveness in recoil reduction and muzzle rise compensation. Popular designs include compensators with multiple ports or a single, large port for better performance at various distances. Consider the design that best suits your shooting requirements and preferred shooting distances.

https://preview.redd.it/t0xy1c4cfx3d1.jpg?width=720&format=pjpg&auto=webp&s=e74f602b41ca2e92cd6a6a9bf781bc6efa5f3c58

Ease of Installation

Installing a 1911 compensator should be a straightforward process. Choose a compensator with user-friendly installation methods, such as simple screw-in designs or those requiring minimal gunsmith work. This will save you time and money in the long run, allowing you to focus on maximizing the benefits of your new compensator.

Budget

1911 compensators come in different price ranges. Consider your budget when selecting a compensator, but remember that investing in a quality product will provide better performance and durability in the long run. Avoid compromising on key features and materials in an effort to save money.

Maintenance


https://preview.redd.it/7q3jiwicfx3d1.jpg?width=720&format=pjpg&auto=webp&s=7b78bc54b3167682ee094545b27aabb3292312aa
To ensure the longevity of your 1911 compensator, choose one with easy-to-clean and durable materials that can withstand frequent use without corrosion or damage. A compensator with user-friendly cleaning methods will make maintenance a breeze.

Customer Reviews and Ratings

Prior to making a purchase, research customer reviews and ratings for various 1911 compensators. This can provide valuable insights into the product's performance, durability, and overall user satisfaction.
Selecting the right 1911 compensator for your firearm is crucial for optimizing its performance. By carefully considering factors such as materials, size, design, ease of installation, budget, maintenance, and customer reviews, you can make an informed decision that enhances your shooting experience.

FAQ


https://preview.redd.it/0nvqy5vcfx3d1.jpg?width=720&format=pjpg&auto=webp&s=4161662fb233aff017a9924e6c04b8825a32c13b

What is a 1911 compensator?

A 1911 compensator is an accessory designed to be attached to the barrel of a 1911 handgun. This device helps to reduce recoil and improve accuracy by redirecting the gas generated during firing in a forward direction.

Which 1911 compensators are available in the market?

Several 1911 compensators are available in the market from different manufacturers, including ATI, Troy, and Dead Air. Each compensator may have its own unique design and features.

What are the benefits of using a 1911 compensator?

How do I install a 1911 compensator?

Installing a 1911 compensator typically requires some gunsmithing skills. You'll need to remove the barrel from the 1911 handgun and thread the compensator onto the barrel, followed by re-installing the barrel into the handgun.

Are there any drawbacks to using a 1911 compensator?

Yes, there are some potential drawbacks. One is the increased weight of the handgun, which may affect the overall balance and feel of the gun. Additionally, some users may experience a reduction in the overall effective range of the handgun due to the compensator's design.

Do I need a specific 1911 handgun model to use a compensator?

Most 1911 compensators are compatible with the standard 1911 handgun models, but it's always a good idea to check the specifications of the compensator you're interested in to ensure it fits your handgun model.

How much do 1911 compensators typically cost?

The cost of 1911 compensators can vary widely depending on the brand, materials used, and features offered. Generally, you can expect to pay between $100 to $300 for a quality 1911 compensator.
As an Amazon™ Associate, we earn from qualifying purchases.
submitted by Count-Daring243 to u/Count-Daring243 [link] [comments]


2024.06.01 11:10 Count-Daring243 Best 1911 Compensator

Best 1911 Compensator

https://preview.redd.it/2n92u0a6fx3d1.jpg?width=720&format=pjpg&auto=webp&s=0a8991fa1577ce57c49894f6bb461d2636e6cee3
Looking to enhance your 1911 revolver's performance and accuracy? Look no further than our roundup of the top compensators available on the market. In this article, we'll introduce you to the best-rated compensators for the classic 1911, providing you with the information you need to make an informed decision.

The Top 13 Best 1911 Compensator

  1. Comfortable 1911 Inside-the-Waistband Holster for Optimal Concealed Carry - Experience unparalleled comfort and superior concealment with the C&G Holsters Covert IWB 1911 holster, expertly designed by Veterans and Law Enforcement in America.
  2. Precision Competitive Holster for 1911 4.25'' - Kydex, Aluminum, Adjustable - The Pro Ball Joint Competition Holster transforms your 1911 4.25'' into a precision and performance-driven shooting tool, with adjustable ride height, aluminum ball joint, Kydex shell, and optic compatibility for an unmatched competitive edge.
  3. Speed Master 2.0 Leather Chest Holster for 1911 Pistols - The Speed Master 2.0 is a versatile leather chest holster for 1911 pistols and DA revolvers, featuring an open top design, adjustable tension unit, and convenient paddle or belt slot attachments for a custom carry experience.
  4. Premium Western 1911 Inside-the-Waistband Holster - Experience ultimate comfort, versatility, and durability with the Galco Royal Guard 1911 Inside-the-Waistband Holster, designed for real-world concealment and perfect for semiautomatic guns and double-action revolvers.
  5. Durable Tactical 1911 Compensator for Enhanced Performance - The BCMGunfighter Compensator Mod 7 - 5.56 is engineered for tactical purposes, providing effective muzzle rise reduction, flash suppression, noise dampening, and side pressure control, making it a top choice for serious shooters.
  6. Hybrid Titanium Compensator for 1911 Pistol - Enhance your 1911 handgun's performance with the EGW Hybrid Titanium Compensator, perfect for Steel Challenge and Bianchi Cup competitions, featuring reduced loads and seamless integration into international orders.
  7. Premium 1911 Inside Waistband Holster - The Vedder Holsters 1911 w/out Rail 4.25" RapidTuck holster, designed for Colt Commander frames, offers a comfortable IWB carry with premium leather and molded Kydex, perfect for various carry positions and proudly made in the USA.
  8. Speed Master 2.0 5in 1911 Concealed Holster with Paddle and Belt Options - The Galco SM2212RB Speed Master 2.0 holster offers versatility and customization with its adjustable belt slot and paddle attachment methods, providing a perfect carry solution for 1911 Compensator users.
  9. Universal Single Mag Holder for 1911 Compensators - Experience unbeatable durability and custom-fit retention with the C&G Universal Single Mag Holder, expertly crafted by veteran & law enforcement professionals for optimal 1911 compatibility.
  10. Stainless Steel 1911 Gun Compensator - Experience minimal side blast and noise with Bravo's BCMGunfighter Compensator Mod 0, a stainless steel 7.62mm AR10 accessory that ensures maximum recoil mitigation, muzzle-rise compensation, and flash reduction.
  11. Premium Independence Leather 1911 Holster with Reinforced Belt Loop - The Independence leather holster is a premium 1911 5" Government with Rail Only OWB holster, offering maximum protection, comfort, and ease of use for your firearm.
  12. Galco TacSlide Belt Holster for 1911 Compensator: Fast, Concealable, Economical - Experience seamless concealment and swift draws with the Galco Tac Slide Belt Holster for your Colt Kimber Para 1911 5" - the perfect blend of steerhide and Kydex for unbeatable durability and comfort.
  13. CNC 7-Port 5-Chamber Comp Cone for 1911 Handguns - The EGW 11830 CNC 7-Port 5-Chamber Comp Cone is a high-quality compensator made from heat-treated stress-proof Carbon Steel, perfect for use with standard-length barrels and custom hybrid or bull barrels with the proper threading.
As an Amazon™ Associate, we earn from qualifying purchases.

Reviews

🔗Comfortable 1911 Inside-the-Waistband Holster for Optimal Concealed Carry


https://preview.redd.it/4tbqcih6fx3d1.jpg?width=720&format=pjpg&auto=webp&s=e92e3398a447bae2f3fb015a84974a33a1ecf133
Over the past few months, I've had the opportunity to try out C&G's Inside the Waistband Covert holster for my 1911. The first thing that struck me was how well-designed and comfortable it was. As someone who carries most of the day, the last thing I want is my holster to be uncomfortable or distracting.
One of the standout features was the solid locking retention. It gave me peace of mind, knowing my firearm was secure when I was on the move. The holster was also designed to fit most RMRed Dots on the market, which was a nice touch.
However, there were a couple of cons I noticed. First, the open bottom allowed for threaded barrels and compensators, but it could be a bit challenging to get a perfect fit for my specific firearm. Secondly, the 1.5-inch belt clip could be a bit snug for my thicker belt.
Overall, my experience with C&G's Covert holster has been mostly positive. The holster offers a comfortable and secure fit, and the craftsmanship is top-notch. While there were a few minor drawbacks, the pros definitely outweigh the cons.

🔗Precision Competitive Holster for 1911 4.25'' - Kydex, Aluminum, Adjustable


https://preview.redd.it/uaviuox6fx3d1.jpg?width=720&format=pjpg&auto=webp&s=c878830e3a9082f69923c9671e16b1278804c13d
As a shooting enthusiast, I recently came across the 1911 4.25'' No Rail Pro Ball Joint Competition Holster, and I must say, it has greatly enhanced my experience. Its adjustable ride height, which allows me to fine-tune my grip, is a game-changer.
The aluminum ball joint provides a smooth, sturdy connection that ensures a reliable hold, while the Kydex shell offers a perfect fit. Plus, the optic compatibility adds a touch of convenience. However, I also noticed that the holster can be quite heavy, which might affect my mobility during competitions.
Overall, this holster has proven to be a valuable investment for any serious shooter.

🔗Speed Master 2.0 Leather Chest Holster for 1911 Pistols


https://preview.redd.it/nqmfbx77fx3d1.jpg?width=720&format=pjpg&auto=webp&s=68ad3f2a292e235226e808078c046ffa2c489c2d
I had the pleasure of trying out the Galco SM2212R Speed Master 2.0 1911 5in Tan, and I must say, it's a fantastic choice for gun enthusiasts. This versatile holster offers a sleek design and comes in both paddle and belt slot configurations, ensuring you can choose the carry method that suits your needs best.
One of the standout features of this holster is the high-quality premium steerhide construction. The build feels sturdy and reliable, giving me confidence in its performance. The adjustable tension unit is a convenient feature that allowed me to customize the holster's grip, ensuring my firearm stayed securely in place.
However, there were a couple of downsides I encountered during my experience. The slight butt-forward or neutral cant can vary depending on the firearm, which might not be ideal for everyone. Additionally, the holster might not fit as snugly as desired on larger pistol barrels.
Despite these minor drawbacks, the Galco SM2212R Speed Master 2.0 is an impressive and versatile holster that provides excellent concealment and security. If you're in the market for a high-quality and customizable 1911 holster, this might just be the right fit for you.

🔗Premium Western 1911 Inside-the-Waistband Holster


https://preview.redd.it/ujoeedn7fx3d1.jpg?width=720&format=pjpg&auto=webp&s=2c4c2c8fe7a3488f5f3f9ac0cb56052dee61c007
I recently had the chance to try the Galco Royal Guard 1911 Inside-the-Waistband Holster Black - a sleek and versatile option for gun owners. This holster boasts an innovative design that keeps your weapon secure while still ensuring that you have easy access to it when you need it most. I particularly appreciated the rough side of the leather facing out, providing great stability and protection for your gun.
Wearing the Galco Royal Guard was a comfortable experience, allowing for real-world concealment even of larger defensive guns. The smooth leather pocket was reinforced for sturdiness, and it granted unrestricted movement and easy reholstering. In my opinion, the combat grip accessibility rounded out this holster's utility to make it an invaluable choice for those seeking speed and agility.
A few aspects of the Galco Royal Guard could use some improvement, but overall, I was impressed with the product. Its premium natural color horsehide constructed to fit 1-3/4" belts was a definite plus. And for those with 1-1/4" belts, there's an optional belt channel to consider. While there is still room for improvement, the Royal Guard holds promise as a reliable choice for any gun enthusiast.

🔗Durable Tactical 1911 Compensator for Enhanced Performance


https://preview.redd.it/ova9o718fx3d1.jpg?width=720&format=pjpg&auto=webp&s=73c0d85a134a46a04727634aa74ab5d1cd1e0d77
I recently added the BCMGUNFIGHTER Compensator Mod 7 - 5.56 to my trusty 1911 setup, and let me tell you, it's been a game-changer for my tactical operations. This ain't no lightweight accessory, it's a solid piece of machinery that reduces muzzle rise and flash to a minimum, making my targets all the more accurate.
It's also helped keep things nice and quiet during reconnaissance missions, and the lateral force it counteracts has been a lifesaver when I gotta take quick shots on the go. Sure, it might be a bit of a heavy-hitter compared to some other comps out there, but the benefits I've experienced have made it a more than worthy addition to my arsenal. So, if you're looking for a versatile compensator for your tactical ops, this bad boy deserves a serious look.

🔗Hybrid Titanium Compensator for 1911 Pistol


https://preview.redd.it/nypng2h8fx3d1.jpg?width=720&format=pjpg&auto=webp&s=2ee71771c7076c2edaad8cb56a1696adce59247b
The EGW Hybrid Titanium Compensator 575 x 40 is a sleek and sturdy addition to any 1911 firearm. I've been using it in my daily training sessions, and it's performed exceptionally well. The titanium construction not only adds durability but also keeps the weight down, making it a perfect choice for those who value portability.
One highlight of this compensator is its ability to reduce recoil significantly, which is especially useful for those newer to the sport or for those looking for a smoother shooting experience. This feature, combined with its robust design, has proven to improve the overall performance of my handgun.
However, there were a couple of drawbacks to this product. Firstly, the international shipping restrictions can be a hassle for those living outside the US. And secondly, the lack of an extensive review history makes it challenging to gauge the overall user satisfaction with this product.
Overall, the EGW Hybrid Titanium Compensator 575 x 40 is a high-quality accessory for 1911 firearms with a unique titanium construction that reduces recoil. While there are a few drawbacks to consider, the pros outweigh the cons, making it a worthy addition to many shooters' kits.

🔗Premium 1911 Inside Waistband Holster


https://preview.redd.it/n5p8nrx8fx3d1.jpg?width=720&format=pjpg&auto=webp&s=78a25c114d49ccc2bb9de309f79ea900dbe30bb0
I recently had the chance to try out the Vedder Holsters 1911 w/out rail 4.25" (Colt Commander frameNOT SIG) RapidTuck, an inside the waistband (IWB) hybrid holster that's handcrafted with premium leather and molded Kydex. The moment I started using it, I was struck by the attention to detail and the perfect fit for my 1911 w/without rail 4.25" Colt Commander frame.
One of the key features that stood out to me was the comfort of the holster. The leather is soft and well-finished, making it comfortable even for extended periods of wear. Whether you carry in the 3 o'clock position, appendix carry, or cross draw, the RapidTuck offers various carry options that are both comfortable and secure.
Another great aspect of the holster is the custom Kydex shell, which is molded to fit your firearm perfectly. This ensures proper clearance with all front sights and loaded chamber indicators, providing peace of mind even in the harshest conditions. The included Rock Solid Spring Steel Clip is a nice touch, offering two belt accommodations and a tuckable design for deep concealment.
While I enjoyed using this holster, there were a couple of minor drawbacks that I noticed. Firstly, the adjustable ride height feature is a bit more challenging to use than some other holsters on the market. Secondly, the limited color options might not appeal to everyone looking for a personalized touch. Despite these small drawbacks, the overall quality and performance of the 1911 w/out rail 4.25" (Colt Commander frameNOT SIG) RapidTuck make it a solid choice for anyone in the market for an IWB hybrid holster.

🔗Speed Master 2.0 5in 1911 Concealed Holster with Paddle and Belt Options


https://preview.redd.it/w1m7ckc9fx3d1.jpg?width=720&format=pjpg&auto=webp&s=4dd54d30ebcf283308af81198078f3e2b1a1bb3e
I recently gave the Galco SM2212RB Speed Master 2.0 a try for my 1911 pistol. It impressed me with its ability to quickly switch between a paddle and belt holster, which is perfect for my lifestyle. The open-top design allows me to draw my pistol faster, while the covered trigger ensures added safety.
The steerhide material feels premium and holds a good grip on the pistol. However, I noticed that the holster might be a bit snug for larger belts, but overall, the Speed Master 2.0 is a versatile and dependable choice for concealed carry.

🔗Universal Single Mag Holder for 1911 Compensators


https://preview.redd.it/z4qnffo9fx3d1.jpg?width=720&format=pjpg&auto=webp&s=e6ae6c3d2992e3b26ae9c85b79cbb35cdaf4c39c
Imagine this: after a long day at the range or simply enjoying your time at home, you're done with holstering and retrieving your magazines. You reach for your trusty mag holder - a solid, reliable, and convenient accessory that's been your reliable companion for months. But suddenly, it's gone. You need a new one. Fast. Enter C&G's Universal single mag holder.
This is the kind of mag holder that makes you say, "I never knew I needed this until now! " It's a game-changer, designed to hold your magazines in place, making your life easier and hassle-free. The C&G's Universal single mag holder is made with high-quality materials, ensuring it lasts long, stays sturdy, and remains a reliable tool in your arsenal.
The Universal aspect of this product is a testament to its versatility, as it fits almost all pistols or mags. And let's talk about the fit - it's made for a purpose and designed to ensure that your magazines stay where they should. No more fumbling or worrying about your magazines falling out when you need them most.
But what about the looks? Well, let's just say it's not an eyesore. It manages to blend form and function, seamlessly becoming a part of your daily arsenal. The fact that it's made in America by the best professionals in the field is a cherry on top.
However, like any other product, it does have a small downside. The clip might take some getting used to, as it's a little bigger and wider than what most users would prefer. But it's a small cost to pay for a product that performs so magnificently.
In conclusion, the C&G's Universal single mag holder is a top-notch product that delivers on its promises. It's a reliable and efficient accessory that makes holstering and retrieving your magazines a breeze. It might have a minor issue with the clip size, but overall, it's a must-have for anyone who wants to ensure their magazines stay secure and easily accessible.

🔗Stainless Steel 1911 Gun Compensator


https://preview.redd.it/3wgvi25afx3d1.jpg?width=720&format=pjpg&auto=webp&s=19f83235702d3ce0df1bf7a2d144104b6169ee93
I recently had the chance to try out the BCM Gunfighter Comp Mod1 762 5/8x24 in a few shooting sessions, and let me tell you, it was quite an experience. One of the most impressive features of this compensator is its stainless steel construction. Don't get me wrong, I'm no gunsmith, but I could tell that the quality was top-notch. It just felt solid and well-built in my hands.
During my time with the Gunfighter, I noticed that it really reduced the muzzle rise and the noise associated with typical comps. It was like shooting a silenced revolver, which made it a joy to use, especially during team CQB drills. The inclusion of a crush washer was another plus, as it made the installation process a breeze.
However, there were a couple of things that I wasn't completely thrilled about. First, it was a bit heavier than some other compensators I've used, which made it a bit unwieldy in certain situations. But overall, the benefits outweighed the drawbacks, and I found myself reaching for it on my next few range trips.
So, in conclusion, if you're looking for a well-built, noisy, and muzzle rise-reducing compensator, the BCM Gunfighter Comp Mod1 762 5/8x24 is definitely worth checking out.

🔗Premium Independence Leather 1911 Holster with Reinforced Belt Loop


https://preview.redd.it/9s6y8ojafx3d1.jpg?width=720&format=pjpg&auto=webp&s=42c089fc4d882b8ad27beee6c091519312282de5
The Independence holster is a beautifully crafted leather masterpiece, with a proprietary design and attention to detail that sets it apart in the crowded gun holster market. The 8 oz premium leather feels soft and durable against your firearm, providing a sense of comfort and assurance as you carry your 1911 5" Government.
What I love most about this OWB holster is the reinforced belt loop design, which allows for effortless on and off placement. No more fumbling with clips or loops; this holster's custom tailoring ensures perfect fit, maximized retention, and minimal printing for a comfortable carry experience.
One area where it could use improvement is the compatibility with different firearm sights, particularly those with sharp edges that can catch on the leather when drawing. But overall, the Independence holster is a top-notch leather choice for your favorite 1911.

🔗Galco TacSlide Belt Holster for 1911 Compensator: Fast, Concealable, Economical


https://preview.redd.it/3ypf7bzafx3d1.jpg?width=720&format=pjpg&auto=webp&s=7c4aa566bbfd549fdcde750bdc021123b8d5068f
As a gun enthusiast, I recently had the chance to try out the Galco Tac Slide Belt Holster for my Colt Kimber Para 1911 5" Black RH TS212B. First and foremost, the design of this holster is quite impressive, with its combination of steerhide and Kydex materials, which provides both durability and comfort in one package. The adjustable belt slots make it easy to wear and also allow for excellent concealment, even with larger frames.
One of the standout features of this holster is the open top and neutral cant, which make the draw incredibly smooth and efficient, even when wearing heavier pants or jackets. This is a crucial aspect for those who need to access their weapon quickly and discreetly.
However, the Tac Slide does have its drawbacks. For one, the holster itself is quite bulky, which can be a disadvantage for those who prefer a more minimalistic design. Additionally, while the steerhide back plate is comfortable, it can be a bit fussy when trying to reholster the firearm, particularly if the holster is not set up properly.
Overall, despite these minor drawbacks, I found the Galco Tac Slide Belt Holster to be a reliable and functional option for concealing and carrying my Colt Kimber Para 1911. It's a versatile option that works well with both semi-autos and double-action revolvers, making it a solid choice for gun owners looking for a convenient and secure way to carry their weapon.

🔗CNC 7-Port 5-Chamber Comp Cone for 1911 Handguns


https://preview.redd.it/bbr4gacbfx3d1.jpg?width=720&format=pjpg&auto=webp&s=63128e3e6bfb7adf533604754e478307a8309447
I've had the chance to use the EGW 11830 CNC 7-Port 5-Chamber Comp Cone in my 1911 pistol, and I must say it's made quite a difference in its performance. It's built with heat-treated, stress-proof Carbon Steel, which adds to its durability and reliability. One of the most noticeable things about this cone is its unique 10-degree angle, designed to control muzzle flip and keep the gun steady even during intense shooting sessions.
However, one downside I noticed was that installing it required a bit of extra effort, as it required a reverse plug due to its lack of a bushing to hold the recoil spring. Nonetheless, once in place, it lined up perfectly with the barrel bore and provided a smooth, precise shooting experience.

Buyer's Guide

The 1911 Compensator is a vital accessory for 1911-series firearms. It aims to reduce recoil and muzzle rise while enhancing accuracy. This buyer's guide will provide you with essential information, recommendations, and considerations to help you choose the right 1911 compensator for your needs.

Materials


https://preview.redd.it/fjnb6htbfx3d1.jpg?width=720&format=pjpg&auto=webp&s=9eff2f57129f025eb43cdd261be1c6b5a8f1f1fb
When selecting a 1911 compensator, consider the materials used in its construction. High-quality compensators are usually made from durable materials like stainless steel, titanium, or brass. These materials provide long-lasting performance and better heat dissipation, which can improve accuracy.

Size and Weight

The size and weight of a 1911 compensator are crucial factors in determining its compatibility with your firearm. Ensure the compensator's dimensions match those of your barrel and that its weight balance is appropriate for your shooting style and preferences. A well-balanced compensator can improve recoil management and control.

Design

The design of a 1911 compensator influences its effectiveness in recoil reduction and muzzle rise compensation. Popular designs include compensators with multiple ports or a single, large port for better performance at various distances. Consider the design that best suits your shooting requirements and preferred shooting distances.

https://preview.redd.it/t0xy1c4cfx3d1.jpg?width=720&format=pjpg&auto=webp&s=e74f602b41ca2e92cd6a6a9bf781bc6efa5f3c58

Ease of Installation

Installing a 1911 compensator should be a straightforward process. Choose a compensator with user-friendly installation methods, such as simple screw-in designs or those requiring minimal gunsmith work. This will save you time and money in the long run, allowing you to focus on maximizing the benefits of your new compensator.

Budget

1911 compensators come in different price ranges. Consider your budget when selecting a compensator, but remember that investing in a quality product will provide better performance and durability in the long run. Avoid compromising on key features and materials in an effort to save money.

Maintenance


https://preview.redd.it/7q3jiwicfx3d1.jpg?width=720&format=pjpg&auto=webp&s=7b78bc54b3167682ee094545b27aabb3292312aa
To ensure the longevity of your 1911 compensator, choose one with easy-to-clean and durable materials that can withstand frequent use without corrosion or damage. A compensator with user-friendly cleaning methods will make maintenance a breeze.

Customer Reviews and Ratings

Prior to making a purchase, research customer reviews and ratings for various 1911 compensators. This can provide valuable insights into the product's performance, durability, and overall user satisfaction.
Selecting the right 1911 compensator for your firearm is crucial for optimizing its performance. By carefully considering factors such as materials, size, design, ease of installation, budget, maintenance, and customer reviews, you can make an informed decision that enhances your shooting experience.

FAQ


https://preview.redd.it/0nvqy5vcfx3d1.jpg?width=720&format=pjpg&auto=webp&s=4161662fb233aff017a9924e6c04b8825a32c13b

What is a 1911 compensator?

A 1911 compensator is an accessory designed to be attached to the barrel of a 1911 handgun. This device helps to reduce recoil and improve accuracy by redirecting the gas generated during firing in a forward direction.

Which 1911 compensators are available in the market?

Several 1911 compensators are available in the market from different manufacturers, including ATI, Troy, and Dead Air. Each compensator may have its own unique design and features.

What are the benefits of using a 1911 compensator?

  • Reduced recoil, making shooting more comfortable and controllable
  • Improved accuracy by reducing muzzle rise and moving the point of impact closer to the point of aim
  • Enhanced performance in rapid-fire situations

How do I install a 1911 compensator?

Installing a 1911 compensator typically requires some gunsmithing skills. You'll need to remove the barrel from the 1911 handgun and thread the compensator onto the barrel, followed by re-installing the barrel into the handgun.

Are there any drawbacks to using a 1911 compensator?

Yes, there are some potential drawbacks. One is the increased weight of the handgun, which may affect the overall balance and feel of the gun. Additionally, some users may experience a reduction in the overall effective range of the handgun due to the compensator's design.

Do I need a specific 1911 handgun model to use a compensator?

Most 1911 compensators are compatible with the standard 1911 handgun models, but it's always a good idea to check the specifications of the compensator you're interested in to ensure it fits your handgun model.

How much do 1911 compensators typically cost?

The cost of 1911 compensators can vary widely depending on the brand, materials used, and features offered. Generally, you can expect to pay between $100 to $300 for a quality 1911 compensator.
As an Amazon™ Associate, we earn from qualifying purchases.
submitted by Count-Daring243 to u/Count-Daring243 [link] [comments]


2024.06.01 11:09 acalem What Dropshipping gurus on YouTube don’t tell you

If you’ve been following me on here, you know I am a dropashipping veteran. I have been doing it for the past 11 years and I think I am qualified to say I know the ins and outs of the business model.
It still surprises me that Most people on YouTube (the so-called Dropshipping gurus) still promise you that you will become rich in two weeks without hardly putting in any effort. Let me give it to you straight: nothing could be further from the truth. I’ve made well over seven figures with drop shipping and I also failed a lot. So let me share with you the information that is missing from 99% of what you see on YouTube.
  1. Do NOT copy what’s already working
That’s one of the phrases they tell you most often. Just copy what’s already working and you’re done. Usually the method shown is researching your competitors, look at their best selling products and sell the same stuff. But think about it. If we are all doing that, in the long run, we’re all competing, only based on price, driving our profit margin down. Customers aren’t stupid and know they have seen that product somewhere else for a cheaper price. So do not go out and sell products everyone else is selling. Instead, make sure to do proper niche research. Select a niche first (you can download a guide containing 300+ niches for free in the link section of this subreddit). Then spend some solid time, researching it deeply. Join private Facebook groups around your niche, go through all the posts to get into peoples minds and how they think, how they talk about products, what they value in terms of features and benefits, etc. Do the same thing on Reddit. Then look at best selling products in your niche on Amazon and look at the NEGATIVE reviews. That will tell you what can be improved. Those are good ideas for when you go out and research products. Only when you have done your homework, go onto websites like AliExpress and try to find unique products that hardly anyone is selling already. Yes, that takes time and work. And lots of patience. I have found a few of my bestsellers hidden on page 53 in the search results. Sometimes it took me two weeks before finding a really good product I could attempt to sell.
  1. Advertise your products properly
By that I mean do not rip off someone else’s product video or image and run with it. Order a sample or two, analyze the product, use it yourself and shoot your own product video. Again, that takes work, but it will pay off. Make sure to show the main product benefits in the first few seconds of your video, followed by the characteristics/features and additionalinformation (instructions, assembly instructions, etc.).
  1. You should NOT use drop shipping from China forever
It’s great for testing the validity of a product, but you should not use this business model for a long time. The main reason has to do with supply chain issues. It takes forever for products to arrive, and you can get away with it if your product is truly unique and people cannot get it elsewhere. But even then, two weeks is a long time for any product to arrive. Customers will complain. I would too. So once you find a winning product, make sure to look for bulk order options and import it into your country to a local fulfillment warehouse. That way you can get products quickly to your customers doors, and also avoid the typical downtime during Chinese new year.
  1. Not any product is suitable for drop shipping
I won’t go into too much detail about this here, because I wrote a detailed post which you can check out here: https://www.reddit.com/PassionsToProfits/s/SAg2p9JCGe
I could go on and on, but I’ll stop here for now. Feel free to share your experiences in the comments or ask questions. I’ll do my best to answer them.
Note: Nowadays, I am more focused on print on demand, because it eliminates all the supply chain headaches. The majority of suppliers and fulfillment companies are based in the US and I hardly receive any customer emails asking where their stuff is. Plus, product quality is great and I have happy customers :)
submitted by acalem to PassionsToProfits [link] [comments]


2024.06.01 10:56 GuiltlessMaple Best 1911 Bb Guns

Best 1911 Bb Guns

https://preview.redd.it/tdgbydnscx3d1.jpg?width=720&format=pjpg&auto=webp&s=7dd665f156e857713124a4c9fd608025a9cb67b4
If you're a BB gun enthusiast seeking a historic, high-quality gun to add to your collection, then get ready for a thrilling ride. In this roundup, we will discuss the 1911 Bb Guns, a classic and timeless design that promises precision, power, and durability. Join us as we delve into the world of vintage BB guns, unveiling the best 1911 models currently on the market.

The Top 14 Best 1911 Bb Guns

  1. Daisy Red Ryder BB Gun Fun Shooting Kit - Experience hours of fun and learning with the Daisy Red Ryder Shooting Kit, featuring the iconic BB gun, shooting glasses, 750-count tin of BBs, and captivating paper targets.
  2. Vintage Cowboy BB Gun Set with Lawman Holster & Belt - Experience the thrill of the Wild West with the Parris Lawman Toy Pistol - a die-cast metal replica of an iconic antique gun, complete with a soft vinyl holster and belt, perfect for kids and theatrical props.
  3. High-Quality 1911 MW Housing for Precision and Performance - Ed Brown 1911 MW Housing: Superior Components, Precision Machined, Engineered for Performance - A Lifetime of Experience in Quality Firearms Craftsmanship.
  4. M1911 Colt Pistol: A Comprehensive Guide and History - Discover the history and evolution of the iconic Colt M1911 .45 Automatic Pistol in this comprehensive, visually stunning book, complete with detailed accounts of its impact on military use and the world of collectibles.
  5. Premium 1911 MW Housing Blank - Crafted with precision, Ed Brown's 1911 MW Housing Bl is a top choice for firearms enthusiasts seeking superior components and lifelong experience in engineering and combat shooting expertise.
  6. Miniature 1911 BB Gun - Light Blue Model with Cycling Round Feature - GoatGuns Mini Blue 1911 Die Cast Model Gun: A stylish and functional 1:2.5 scale 1911 designed for fashion-conscious ladies, featuring a soft blue paint tone and ivory grips, with authentic die-cast metal parts and working slide and thumb safety actions.
  7. Western Style Pellet Pistol for Quick and Accurate Target Shooting - Experience the thrill of quick and accurate shooting with Parris Manufacturing's Western Air Single Pistol, perfect for those seeking a fun and realistic pellet pistol experience.
  8. Safe and Realistic Colt 1911 Kids Toy Gun Set - Teanfa's Classic Foam Play Toy Gun, based on a real Colt 1911 design, offers an exciting and educational outdoor activity for kids aged 6 years and above, with the added benefit of teaching gun safety.
  9. M1911 and M1911a1 Pistol Field Manual: Safety, Maintenance, and Operation - This essential field manual for M1911 and M1911A1 pistols covers their history, design, operation, and maintenance, offering detailed instructions for disassembly, assembly, and cleaning, as well as ammunition, firing, and marksmanship techniques.
  10. Non-Firing 1911 M1911A1 Pistol Replica Guns - Nickel Finish, Lacquered Wood Grips - Get your hands on the authentic, non-firing Denix Replicas 6316 M1911A1 Pistol Replica, featuring a sleek nickel finish and lacquered wood grips, creating an impressive 9.5-inch overall design for a realistic feel without the hassle of live ammunition.
  11. Historical Replica Over Under Toy Pistol - The Parris Toys Over Under Toy Pistol - 1900B is a safe, historically accurate 1800s-style replica gun, perfect for all ages to enjoy, featuring a 9" long, single shot action design and adhering to legal requirements for safety.
  12. Wild West Cowboy Die-Cast Metal Toy Gun Set with Holster and Belt - Step into the Wild West with the Outlaw Pistol, a classic die-cast metal toy gun featuring 12 shot action ring caps and an authentic vinyl holster set for ages 3 and up.
  13. Little Armory 1/12 M1911A1 & Commander Type Plastic Guns - Step up your 1/12 scale figures' weapon game with the meticulously designed LA015/M1911A1 and Commander Type pistols, featuring a realistic black body and brown grip panel, along with dedicated plastic holsters and 6 ammo magazines.
  14. Police Reproduction Cap Gun with Compliant Orange Plug - Experience the authentic action and precision of the Cap Gun Gonher REV-80 - a fully functional, die-cast metal construction replica with accurate details and adherence to legal requirements.
As an Amazon™ Associate, we earn from qualifying purchases.

Reviews

🔗Daisy Red Ryder BB Gun Fun Shooting Kit


https://preview.redd.it/1gw8my1tcx3d1.jpg?width=720&format=pjpg&auto=webp&s=3d4839cc8ac19cd99ab11d732cd622c9a47baff7
I recently tried the Daisy Red Ryder Fun Kit myself and had quite the adventure. Firstly, the set truly comes with everything you need for an exciting shooting experience. However, I must say, it took me a while to get used to it.
One of the key features of this kit is the renowned Red Ryder BB gun. It's smooth and easy to hold, but the accuracy was quite disappointing. I found myself missing targets more often than I would have liked. On the bright side, at least I could appreciate the classic design of the gun.
To enhance the shooting experience, the kit also comes with shooting glasses and a tin of BBs. I must admit, the glasses were convenient and provided some protection while I was busy aiming at targets. The BBs, however, seemed like a cheap alternative and didn't always penetrate the targets.
The fun paper targets provided were a nice touch, but the distance limitations of the gun took away some of the enjoyment. I had to be extremely close to hit the targets, and even then, it wasn't always accurate.
Overall, while the Daisy Red Ryder Fun Kit is a decent option for a beginner's shooting experience, I wouldn't recommend it for someone looking for better accuracy or quality. But if you're looking for an affordable and simple way to introduce a young one to the world of BB guns, it might just do the trick.

🔗Vintage Cowboy BB Gun Set with Lawman Holster & Belt


https://preview.redd.it/j56s4kltcx3d1.jpg?width=720&format=pjpg&auto=webp&s=9cbc6eab1b6d09e72daa19cc813e7fd287536ceb
I recently got my hands on the Parris Lawman Toy Pistol and it's been my go-to for all my Wild West role-playing. The die-cast metal construction gives it a nice weight and the vinyl holster and belt feel like the genuine article.
However, as a kid, I found the cap gun a bit tricky to fire, and the ring caps were hard to find. On the plus side, the Lawman Holster Set is a great addition to the whole experience, and it looks and feels just like the real deal. Overall, this toy is a fun way to transport myself back to the dusty trails of the Wild West.

🔗High-Quality 1911 MW Housing for Precision and Performance


https://preview.redd.it/zyrvbhytcx3d1.jpg?width=720&format=pjpg&auto=webp&s=e6b4900763310ad9258bfc9b495f456e7859624b
Imagine diving into a world of unmatched quality and performance with the Ed Brown 1911 MW Housing. It's like having a trusty sidekick in the form of a superior piece of firearm gear.
Just like a trusted friend, this product has been around for a lifetime, honing its craft through a combination of masterful engineering, relentless passion, and decades of practical experience. From the very feel of it to its precision machining, you can see and touch the care that has gone into each and every detail.
Pick this up, and you'll instantly feel like you're holding something truly extraordinary. It's not just a firearm component; it's a labor of love and expertise, crafted with an attention to detail that borders on obsession.
Of course, like any piece of equipment engineered for such high performance, you might encounter the odd hiccup here and there. But when you're using something as finely-tuned as the Ed Brown 1911 MW Housing, the pros often outweigh the occasional minor inconvenience.
Overall, the Ed Brown 1911 MW Housing is a powerhouse. It's precision crafted, top-quality, and is, in short, exactly what you'd expect from a lifetime of experience and expertise in firearm components. It might not be perfect—nothing ever is—but it's as close as you can get.
So, if you're looking for a piece of equipment that you can truly rely on, with a rich history of precision machining and exceptional craftsmanship behind it, look no further than the Ed Brown 1911 MW Housing. You won't be disappointed, I promise.

🔗M1911 Colt Pistol: A Comprehensive Guide and History


https://preview.redd.it/g3ol96lucx3d1.jpg?width=720&format=pjpg&auto=webp&s=54a64ef6fcbb17d17d0ecce9544a1e65133ced37
I recently had the pleasure of getting my hands on this book, "The Colt M1911 . 45 Automatic Pistol: M1911, M1911A1, Markings, Variants, Ammunition, Accessories [Book]". Being a gun enthusiast, I was eager to dive into the world of this iconic pistol.
What stood out to me was the detailed information on the M1911's design, manufacturing, and testing. The book takes you on a journey through its combat use in various wars, with more than 370 images that provide a visual breakdown of the weapon. The serial numbers list and the visuals of the weapon's markings were particularly fascinating.
The section on accessories like magazines, ammunition, holsters, and cleaning kits was a nice touch, adding to the overall comprehensive nature of the book. I found the combat-related uniform and equipment items to be of special interest.
However, one drawback I encountered was the inconsistency in the captions of some photos. I was expecting a more complete reference on some of the markings and stampings. Despite this, the book still managed to impress me with its wealth of data and images.
Despite its relatively short length, "The Colt M1911 . 45 Automatic Pistol: M1911, M1911A1, Markings, Variants, Ammunition, Accessories [Book]" is a must-have for anyone interested in the history and development of this legendary firearm. The high-quality images and detailed information make it a valuable addition to any library.

🔗Premium 1911 MW Housing Blank


https://preview.redd.it/1d18gjxucx3d1.jpg?width=720&format=pjpg&auto=webp&s=3c4a6b8c8869db0df0a13938b8526c9ef08173c2
The Ed Brown 1911 housing is a fine example of the dedication to precision and quality that makes this brand stand out. As a seasoned gun enthusiast, I've come to appreciate the meticulous attention to detail that goes into crafting these firearms. With this product, I especially noticed the superior components and expert machining that made the gun feel smooth and well-balanced. The mag well housing, in particular, added an element of sophistication to my 1911 replica.
While the Ed Brown 1911 housing is an excellent choice for those seeking top-notch performance, there are a few potential downsides to consider. One is the price point, which may be prohibitive for some users. Additionally, while the housing is designed for durability, it's essential to take proper care of it to ensure its longevity. All in all, the Ed Brown 1911 housing is an exceptional product that delivers on promises of quality and craftsmanship.

🔗Miniature 1911 BB Gun - Light Blue Model with Cycling Round Feature


https://preview.redd.it/71va0sgvcx3d1.jpg?width=720&format=pjpg&auto=webp&s=006e0591299b65852787b77ba60cd5d4ee0b9a00
I was amazed by the GoatGuns Mini Blue 1911 Die Cast Model Gun, also known as 'Bunny. ' The soft light blue paint coupled with the ivory grips made it a refreshing change from the usual gun models. The attention to detail in this toy is remarkable, especially the movable parts that let you experience the real-life action.
The 1:2.5 scale made it a perfect desk or makeup shelf accessory. It even cycled the dummy rounds, which added a realistic touch. The magazine release with loadable dummy rounds and working slide actions made it even more enjoyable.
However, one downside I noticed was the difficulty in finding replacement dummy rounds. Also, the toy could be more durable than it seemed. Regardless, I'd still recommend it, especially for women who want to enjoy a unique toy or for those who value authenticity in collectibles.

🔗Western Style Pellet Pistol for Quick and Accurate Target Shooting


https://preview.redd.it/ex1uz8qvcx3d1.jpg?width=720&format=pjpg&auto=webp&s=f8664347b02ea9dd9a7e8d89f45421a1a922fbd2
In my daily life, I've encountered the Parris Manufacturing Western Air Single Pistol, and it's been a thrilling experience! The anticipation of a quick draw, with the sound of "1, 2, 3, DRAW! " resonating in the air, is unmatched. The pistol air gun, complete with 5 darts and a holder, feels solid and sturdy in my hands.
What stood out to me was the accuracy of the shots. The air pistol is quick and accurate, a perfect blend for a fun and engaging target practice. However, I noticed that the darts struggled to stick to a target beyond 5 feet, requiring a bit of adjustment in aiming higher.
Despite this minor drawback, the nostalgic charm and excitement that come with using the Parris Manufacturing Western Air Single Pistol make it a standout choice for a fun and engaging pastime. Don't be caught off guard when someone says "Draw! " - be prepared with this quick and accurate air pistol in your holster!

🔗Safe and Realistic Colt 1911 Kids Toy Gun Set


https://preview.redd.it/b55gj53wcx3d1.jpg?width=720&format=pjpg&auto=webp&s=d771c9f37b9d8ceecd65773c756d187eb2bb682c
I recently stumbled upon the Teanfa Classic Foam Play Toy Gun Colt 1911, and let me tell you, it's a hit with kids and adults alike! The first thing that struck me was the impressive attention to detail. With its realistic dimensions, it felt just like holding a real Colt 1911. The soft bullets are perfect for a fun outdoor game with kids, and the fact that they're completely harmless makes it a great choice for families with younger children.
While I was initially skeptical about the toy's safety, the realistic design actually makes it a great tool for teaching kids about gun safety. The set also comes with a tactical holster, which adds even more authenticity to the experience. The only downside I found was that the foam bullets can be a bit hard to load, but that's a small price to pay for the overall fun and education this product provides.

🔗M1911 and M1911a1 Pistol Field Manual: Safety, Maintenance, and Operation


https://preview.redd.it/xnxciblwcx3d1.jpg?width=720&format=pjpg&auto=webp&s=d0b1076a9ad539a7b86aeeb04aba51d3227cf464
Recently, I found myself with an old M1911 pistol, and I needed a comprehensive guide to understand and maintain it. The Automatic Pistol, Caliber. 45 M1911 and M1911a1: Basic Field Manual quickly became my go-to book. With its rich history and detailed design schematics, I was able to disassemble, assemble, clean, and maintain my pistol like a pro.
The book not only covers the basics of the pistols but also provides valuable information on ammunition and marksmanship techniques. The best part? . The book is a facsimile reprint of an old edition, giving it a unique charm and feel.
While the layout could use a revamp, the content is invaluable to anyone who wants to get the most out of their M1911.

🔗Non-Firing 1911 M1911A1 Pistol Replica Guns - Nickel Finish, Lacquered Wood Grips


https://preview.redd.it/mwgls73xcx3d1.jpg?width=720&format=pjpg&auto=webp&s=ec49d2c27db10667dca071b1bce75f8b2c092b45
Imagine stepping into a world of history, but with a twist. The Denix 6316 M1911A1 Pistol Replica lets you experience the beauty and craftsmanship of a genuine firearm, without the dangers or restrictions. With its 9.5-inch overall length, this replica is an impressive reproduction of a legendary piece.
The metal construction gives it a sturdy and reliable feel, while the nickel finish adds a touch of elegance. The simulated mechanism of loading and firing adds to the authenticity and excitement of the experience. However, be prepared for a little frustration as some parts might not function as expected, like its magazine and safety features.
Despite this, the Denix 6316 M1911A1 Pistol Replica is a captivating and beautiful accessory that adds a touch of history to your collection.

🔗Historical Replica Over Under Toy Pistol


https://preview.redd.it/r4cj8dkxcx3d1.jpg?width=720&format=pjpg&auto=webp&s=4d7d1da70baea722cbe33c54a5ce5fceb10bf80e
I've been using the Parris Toys Over Under Toy Pistol for a while, and it's quite an interesting piece. The replica gun looks pretty cool, with the required colors as per the law, and a solid one-piece wood stock. It's also fascinating to see how the toy has been designed after the original pistols, complete with a die-cast metal body and plastic parts.
However, there were a couple of moments I faced a bit of frustration. For one, holding the pistol isn't the most comfortable, thanks to the small size and lack of a proper handle. It feels more like a toy than a replica, especially considering you need tiny hands to hold it properly.
On the bright side, the safety features are spot-on, making it impossible to alter the gun for any other purpose than what it's designed for - a cap-shooting toy. Overall, while it's not the most comfortable to hold, it's a great choice for collectors, and it certainly gets the job done for all those who appreciate the thrill of shooting caps.

🔗Wild West Cowboy Die-Cast Metal Toy Gun Set with Holster and Belt


https://preview.redd.it/z98miazxcx3d1.jpg?width=720&format=pjpg&auto=webp&s=4346c7d00376f5349e359d1b876b1f707fb97564
As a kid, I remember dreaming of being an outlaw in the Wild West, and the Outlaw Pistol brought that dream to life. Crafted with solid die-cast metal and quality plastic, it feels like a real antique gun, just like those used by the famous outlaws of the era. The 12 shot action ring caps provide a satisfying bang that's thrilling and safe.
The holster and belt set add that authentic touch, making it more than just a toy. While the plastic handle may not be the most durable, it's still functional and adds a unique look to the pistol. I did find the size a bit small for my hand, but it works perfectly for my son, who absolutely loves it. Overall, the Outlaw Pistol is a great choice for anyone looking to relive the glory days of the Wild West.

🔗Little Armory 1/12 M1911A1 & Commander Type Plastic Guns


https://preview.redd.it/fi3832eycx3d1.jpg?width=720&format=pjpg&auto=webp&s=6490fcd2df722c7427520d1df135853dbd03848c
Dive into the world of 1/12-scale action figures with these Little Armory guns! . The LA015 M1911A1 and Commander Type pistols bring the classic military feel to your collection.
The guns come with two holsters and six 7-round ammunition magazines, making them perfect for any 1/12th fan. The black-bodied guns have grip panels in two shades of brown, adding a touch of realism to your action figures. These guns are easy to assemble, but still maintain a level of detail that keeps them true to their real-life counterparts.
With these Little Armory guns, you can arm your action figures with the classic stopping power of the M1911A1 and Commander Type pistols.

🔗Police Reproduction Cap Gun with Compliant Orange Plug


https://preview.redd.it/mat2n30zcx3d1.jpg?width=720&format=pjpg&auto=webp&s=29f23040ffa11248701debffc5a61354ea4c22c1
In my hands, the Cap Gun Gonher REV-80 felt like a piece of history. With its detailed 1911 army style design, it had an authentic feel that let me step into the shoes of a bygone era. The die-cast metal construction and grips made it durable and comfortable to hold. The 8-shot ring caps added a sense of excitement with each shot, making it fun to use.
However, it did come with its own set of limitations, as a replica that couldn't be altered to shoot a projectile. The law-required color markings and the permanently attached orange plug reminded me that this was a toy first and foremost. Though it might not have been everyone's cup of tea, those who appreciated collecting and using replica firearms found it to be a delight.

Buyer's Guide

Welcome to the buyer's guide for 1911 BB guns. In this section, we will discuss essential features, considerations, and general advice to help you make an informed decision when purchasing a 1911 BB gun. This guide does not include specific product recommendations or external resources.

Available Types of 1911 BB Guns

1911 BB guns come in various types, including fully-automatic, semi-automatic, and pump-action. Fully-automatic 1911 BB guns fire continuously until the magazine is empty or the user releases the trigger. Semi-automatic models require the user to pull the trigger for each shot, while pump-action BB guns require manual operation of a slide or lever to eject spent BBs and load new ones.

https://preview.redd.it/akv0rc9zcx3d1.jpg?width=720&format=pjpg&auto=webp&s=71a579a7c38d1e76a1f4b09720c0a73f508e6ce3

Build Quality

Consider the build quality of the 1911 BB gun, including materials used and construction. A well-built gun will be more durable, accurate, and reliable. Look for guns made of sturdy materials like steel or aluminum and check if they have adjustable sights for better accuracy.

Power and Velocity

The power and velocity of a 1911 BB gun can impact its performance. Generally, higher velocity and power result in greater accuracy and range. Look for guns with adjustable power settings to customize the performance based on your needs.

Safety Features

Safety is crucial when choosing a 1911 BB gun. Look for models with safety features such as manual safeties, automatic safeties, or both. Additionally, consider guns with barrel locks or other mechanisms to prevent accidents.

https://preview.redd.it/0yg5mbuzcx3d1.jpg?width=720&format=pjpg&auto=webp&s=ba318398d392604dc2167e145ce14ac00a87dbbb

Price and Value

Budget plays a significant role in selecting a 1911 BB gun. Determine your price range and look for high-quality guns within that budget. Avoid compromising on essential features for the sake of saving money. Research and compare prices from various retailers to ensure you get the best value for your money.

Customer Reviews and Ratings

Before making a purchase, read customer reviews and ratings to get an idea of the performance, reliability, and durability of the 1911 BB gun. Pay attention to both positive and negative reviews and consider the overall sentiment.

Frequently Asked Questions

Consider frequently asked questions (FAQs) about 1911 BB guns to help address any concerns or doubts. FAQs may include topics such as maintenance, troubleshooting, and compatibility with different types of ammunition.

https://preview.redd.it/rvlcb820dx3d1.jpg?width=720&format=pjpg&auto=webp&s=d261f161cf68490c085e77cf78bdd2024d57712e

Where to Buy

Purchase a 1911 BB gun from a reputable dealer or retailer to ensure its authenticity and quality. Look for dealers with positive customer reviews and ratings. Compare prices from different retailers to ensure you get the best deal.
Selecting the right 1911 BB gun requires careful consideration of essential features, considerations, and general advice. By following this guide, you will be well-equipped to make an informed decision when choosing a 1911 BB gun that meets your needs and budget.

FAQ

What are 1911 BB guns?

1911 BB guns are typically single-shot, spring-powered air guns that are designed to look and feel like authentic firearms. They are often patterned after the famous 1911 semi-automatic pistol, which has been in production for over a century.

https://preview.redd.it/aakqkug0dx3d1.jpg?width=720&format=pjpg&auto=webp&s=5dfb64af5cfb973bd37b8b73527a5b2fafec3151

Are 1911 BB guns suitable for target shooting or hunting?

While 1911 BB guns are not intended for real hunting or target shooting, they can be used for recreational shooting and plinking. They are often used for backyard target practice or simply for the fun of firing a replica gun. However, because of their low muzzle velocity, they are not suitable for hunting or competition shooting.

What types of BB guns are available in the 1911 style?

There are several popular 1911-style BB guns on the market, including single-shot pistols, blowback handguns, and even semi-automatic replicas. Some of these replicas are made with authentic features such as adjustable sights, which can enhance the overall experience of owning and shooting a 1911 BB gun.

How much do 1911 BB guns cost?

The cost of a 1911 BB gun can vary depending on the brand, features, and condition of the gun. Generally, you can find 1911-style BB guns for anywhere between $30 and $200. However, prices may vary, so it's always a good idea to compare prices from different retailers before making your purchase.

How do I care for my 1911 BB gun?

  • After each use, clean your 1911 BB gun with a soft cloth to remove any debris or dirt.
  • Store your BB gun in a secure case or container when not in use.
  • Avoid exposure to harsh chemicals or extreme temperatures, as this can damage the gun's finish or components.
  • Remember to check the velocity of your BB gun to ensure it is safe and legal to use in your area.

Are there any safety concerns when using a 1911 BB gun?

While 1911 BB guns are designed for recreational use only, there are still some safety concerns you should be aware of. Always keep your BB gun pointed in a safe direction, never aim at another person, and never shoot at anything you do not want to damage. Additionally, be sure to wear protective eyewear and follow all local laws and regulations regarding the use of air guns.

Can I paint or customize my 1911 BB gun?

Yes, you can paint or customize your 1911 BB gun to suit your personal style or preferences. However, be sure to use high-quality paints and coatings designed for air guns to avoid damaging the gun's finish or components. Always follow the manufacturer's guidelines when making any modifications to your BB gun.
As an Amazon™ Associate, we earn from qualifying purchases.
submitted by GuiltlessMaple to u/GuiltlessMaple [link] [comments]


2024.06.01 10:50 Count-Daring243 Best 1903 Springfield Sporter Stock

Best 1903 Springfield Sporter Stock

https://preview.redd.it/2c0dcz3tbx3d1.jpg?width=720&format=pjpg&auto=webp&s=c7709b6377c2e52f936006fa9ef8488539cba126
None

The Top 8 Best 1903 Springfield Sporter Stock

  1. Inletting of Gunstock Blanks and 1903 Springfield Stock Modifications - A meticulously detailed guide to firearm design and assembly, featuring inletting of gunstock blanks and modifications of the classic 1903 Springfield, now in a rare facsimile reprint form.
  2. The Art of 1903 Springfield Service Rifle Manufacture - Delve into the history and manufacturing process of the iconic Model 1903 Springfield Service Rifle with this detailed and well-preserved book from Wolfe Publishing Co.
  3. The M1903 Springfield Rifle: A Comprehensive Guide - Discover the history and variations of the M1903 Springfield Rifle with this comprehensive, 440-page paperback from 2001, published by North Cape Publications Inc.
  4. Gun Enthusiast's Guide to 1903 Springfield Handbook - This comprehensive guide to the 1903 Springfield Sporter Stock, featuring exploded parts drawings, specifications, service accessories, historical information, and recommended reading references, is a must-have for both shooters and collectors.
  5. The Illustrated History of the Springfield 1903 Rifles [Paperback] - Discover the fascinating history and evolution of the iconic Springfield 1903 Rifle with Bill Brophy's comprehensive, photo-rich book, providing authoritative insights into its development, use, and lifelong impact.
  6. Inletting of Gunstock Blanks and Modifications of the 1903 Springfield - Master the art of firearm design and assembly with this detailed guide, available as a facsimile reprint of the original work.
  7. U.S. Rifles and Machine Guns: Springfield 1903 Model, Enfield, and Three Types of Machine Guns - Experience an in-depth exploration of rifle and machine gun manufacturing in this extensive book, now in the public domain, featuring detailed accounts of the Springfield 1903 model, Enfield rifle, and three types of machine guns.
  8. Mastering the Art of M1903 Springfield Performance Tuning - Experience the ultimate guide to tuning and modifying M1903, M1903A3, and M1903A4 rifles with "The M1903 Springfield Performance Tuning Manual," complete with detailed instructions, techniques, and history for both amateur and enthusiasts alike.
As an Amazon™ Associate, we earn from qualifying purchases.

Reviews

🔗Inletting of Gunstock Blanks and 1903 Springfield Stock Modifications


https://preview.redd.it/omj3k29tbx3d1.jpg?width=720&format=pjpg&auto=webp&s=6a9ccd91bed870b864f4b80385431c8dcfdd1289
As an avid hunter and gun enthusiast, I recently came across this fascinating book on the inletting of 1903 Springfield gunstock blanks. The author dives deep into the intricacies of gunstock modification and design, making it a must-read for anyone interested in mastering the trade.
What stood out the most was the wealth of historical context and detailed information the book provides, giving readers a unique insight into the evolution of firearm design. The high-resolution images were equally impressive, making it easy to follow along with the author's techniques and demonstrations.
While the book may not be for everyone, as it requires a certain level of technical understanding, I highly recommend this to anyone wanting to improve their gunstock crafting skills or just looking to learn more about the history behind firearms. Overall, it's a valuable addition to any collector's library.

🔗The Art of 1903 Springfield Service Rifle Manufacture


https://preview.redd.it/46t2zzrtbx3d1.jpg?width=720&format=pjpg&auto=webp&s=6ff598fe035dcfeb04d8499998005a9cd4df364c
I recently picked up this engaging book about the Model 1903 Springfield Service Rifle, and I must say, it's been quite an enlightening read. The paperback, published by Wolfe Publishing Co. , is in pretty good condition despite some age-related wear and handling marks on the cover. However, the content itself is as sturdy as the book's binding.
I particularly enjoy the detailed descriptions and black-and-white illustrations, which make the history of the rifle come alive. While scanning through the preliminary pages, I found a previous owner's embossed stamp and an ink name, adding a personal touch to the book.
Overall, this book is a well-preserved, high-quality read that provides insight into the fascinating story of the 1903 Springfield Sporter Stock.

🔗The M1903 Springfield Rifle: A Comprehensive Guide


https://preview.redd.it/a9hcgqlubx3d1.jpg?width=720&format=pjpg&auto=webp&s=d54c5889fe4385557da3c9a86f3ff013cca2b69a
I recently stumbled upon "The M1903 Springfield Rifle and Its Variations" (here's my humanized version: The M1903 Springfield Gunbook) for a bit of casual reading. I have to admit, it's been an unexpectedly interesting journey through the land of rifles!
This paperback book, published by North Cape Publications Inc, doesn't just tell the history of the rifle, but also delves deep into the variations and modifications made to it. From the stock to the bayonet, this book explores it all with an impressive level of detail.
It's actually quite a hefty read, clocking in at 440 pages, so it might not be as portable as one might want. However, this makes sense considering there's a lot of ground to cover when it comes to a topic as rich and profound as this one.
Visually, the book doesn't disappoint. Its pages are filled with accurate and well-crafted diagrams, making the technical stuff much more comprehensible. Despite the depth, I found the narrative easy to follow, making my venture into the world of rifles a less daunting challenge.
That said, the book doesn't exactly go smoothly. Some parts can be a bit hard to read and understand, especially to the uninitiated. It is a niche area, after all.
Finally, the price tag might be a bit steep for casual readers. But for those serious about rifles, it's a worthy investment.
So, would I recommend this book? Yes, with a few words of caution. If you dive in without some prior knowledge of the topic, you might find it a bit challenging. But if you're a beginner wanting to immerse yourself in this intricate world, it's a good starting point. Overall, it's a comprehensive, informative and engaging read.

🔗Gun Enthusiast's Guide to 1903 Springfield Handbook


https://preview.redd.it/027nchsubx3d1.jpg?width=720&format=pjpg&auto=webp&s=d86d2eb2f47005f052dc20f25069384e1ee49d8f
As someone who enjoys spending time at the range and has an appreciation for unique firearms, I was thrilled to come across the 30 Model 1903 Springfield Handbook. This book has become my go-to guidance when it comes to disassembling and reassembling my trusted firearm. The clear, detailed diagrams make it a breeze to understand the intricate workings of the rifle.
One of my favorite features of this handbook is the triple saddle-stitched binding, which gives it a sturdy feel and ensures it remains intact even after multiple uses. The over 60 photos and line drawings are a bonus, providing visual aids that make the process even more understandable.
However, I do wish the book had a more comprehensive service and maintenance section. While it does cover the basics, I would've appreciated a more in-depth guide on taking care of my firearm, including information on recommended cleaning solutions and maintenance techniques.
All in all, the 30 Model 1903 Springfield Handbook is a valuable addition to any shooter or collector's library. Its detailed illustrations and straightforward language make it an excellent resource for anyone looking to dive into the world of 1903 Springfield rifles.

🔗The Illustrated History of the Springfield 1903 Rifles [Paperback]

https://preview.redd.it/u9w3f56vbx3d1.jpg?width=720&format=pjpg&auto=webp&s=afad4dcc354601e85dfeaf093cd9018120bc0a57

The Springfield 1903 Rifles: The Illustrated, Documented Story of the Design, Development, and Production of All the Models, Appendages, and Accessories is a comprehensive and in-depth exploration into the history and service of this legendary rifle. The book, penned by Bill Brophy, is an exhaustive lifetime work that features over 1500 high-quality photos, showcasing every aspect of the 1903 Springfield Sporter Stock in meticulous detail.
Using this book as a daily companion transformed my understanding of the rifle's development, role in both World Wars, and its continued use as a popular hunting rifle. The extensive research and knowledge exhibited by Brophy in the book are truly exceptional, and the extensive photo documentation really brings the subject to life.
However, while the detailed and thorough nature of the content is one of the book's main draws, the sheer amount of information can be overwhelming for some readers. While this work is ideal for collectors and enthusiasts who seek a comprehensive reference, casual readers may find some sections difficult to navigate.
In summary, The Springfield 1903 Rifles is a remarkable resource that delves deep into the history, production, and service of the iconic 1903 Springfield. With exceptional photo documentation and profound research, this book is a must-have for all collectors and aficionados of the 1903 Springfield Sporter Stock.

🔗Inletting of Gunstock Blanks and Modifications of the 1903 Springfield


https://preview.redd.it/zf1wwwovbx3d1.jpg?width=720&format=pjpg&auto=webp&s=d0f507b40234822b7d2db168ffc6e2f3802d6ebb
Discover the intricate world of firearm design and assembly through this fascinating book, specifically focusing on the inletting of gunstock blanks and modifications of the 1903 Springfield. As someone who's dabbled in gunsmithing, I found this book to be a valuable resource.
One of the features that stood out for me was the detailed illustrations and step-by-step instructions. They were easy to follow and allowed me to learn the intricacies of inletting gunstocks. The format of the book, in particular the hardcover edition, is another positive aspect. It lends a sense of sturdiness and durability.
However, there are a couple of downsides to note. Firstly, the language of the book is German, which might be challenging for some English-speaking readers. Additionally, a significant number of pages are dedicated to the history of the 1903 Springfield, which may not be as relevant for those purely interested in gunsmithing techniques.
Despite these minor drawbacks, this book is an essential addition to any gunsmith's library. Its practical insights make it worth the read, even if you're not a seasoned pro.

🔗U.S. Rifles and Machine Guns: Springfield 1903 Model, Enfield, and Three Types of Machine Guns


https://preview.redd.it/eqh5snuvbx3d1.jpg?width=720&format=pjpg&auto=webp&s=608a72559f2aed8a85ec68eab7b169f150e825c9
I recently picked up "United States Rifles and Machine Guns: A Detailed Account. . " and let me tell you, it has been quite an intriguing journey through the history of firearms manufacturing. The book itself is a hardback, giving it a solid feel and a sense of durability that I appreciate.
Diving into the content, I was immediately captivated by the meticulously detailed descriptions of the methods used to create the iconic Springfield, 1903 Model Service Rifle. The author leaves no stone unturned - from the fixture details to the man power and machinery employed, it's all laid out for the reader. As a true enthusiast, this wealth of information has been both educational and enjoyable.
That being said, there are a couple of areas where the experience could have been even better. Firstly, the shipping and delivery process was considerably slow. It's a minor issue in the grand scheme of things, but it's worth mentioning nonetheless.
Secondly, while the book is replete with fascinating information on the history and creation of these firearms, I found it lacked an engaging narrative that would have brought the story to life in a more captivating way. Despite this, the book remains an invaluable resource for anyone with an interest in the manufacturing process of these historic pieces.
Overall, though, "United States Rifles and Machine Guns. . " is a well-researched and comprehensive guide for anyone looking to learn more about the evolution of firearms manufacturing in the United States.

🔗Mastering the Art of M1903 Springfield Performance Tuning


https://preview.redd.it/cgu5jc5wbx3d1.jpg?width=720&format=pjpg&auto=webp&s=6e6754d1ae414e5eca69f6a18a6109ee82226dee
I recently came across "The M1903 Springfield Performance Tuning Manual" while looking for tips on how to optimize my vintage hunting rifle. As a first-time gun enthusiast, I was eager to learn more about this classic firearm and its potential for accuracy.
The book dives deep into the world of the M1903, providing a wealth of information on the rifle's history and how to care for it properly. From cleaning techniques to action tuning, the author leaves no stone unturned. I particularly appreciated the section on choosing the right ammunition for my rifle, as it helped me understand the importance of customizing my firearm to suit my needs.
However, there were a few aspects that I found less engaging. Firstly, while the book is filled with photos, they are mostly of the author's own firearms, which may not be as visually appealing or representative as professional photographs. Secondly, the section on stock modifications felt a bit overwhelming, with so many options available it was challenging to decipher which one would be best for my rifle.
Despite these minor drawbacks, "The M1903 Springfield Performance Tuning Manual" has been an invaluable resource for me, providing both practical knowledge and expert tips on how to improve the performance of my vintage hunting rifle. It's a must-read for anyone interested in this classic firearm, regardless of their level of experience.

Buyer's Guide

Welcome to our comprehensive buyer's guide for 1903 Springfield Sporter Stocks. This guide is designed to help you make an informed decision when purchasing this type of firearm stock. We'll cover important features, considerations, and general advice about the product category, ensuring you have all the necessary information to make a smart choice.

https://preview.redd.it/c0e0p7pwbx3d1.jpg?width=720&format=pjpg&auto=webp&s=a7817f288d38bdf368102d57820fd00ea4a6bd9c

Important Features

  • Material: 1903 Springfield Sporter Stocks are typically made from wood, specifically American walnut, known for its durability and aesthetic appeal.
  • Design: They feature a classic, hand-cut checkering pattern for improved grip and control during shooting.
  • Fitment: Ensure the stock fits your specific 1903 Springfield rifle model, as different models may require different stock dimensions.
  • Finish: Some stocks come pre-finished or with raw wood, allowing you to customize the appearance by staining or painting.

Considerations

  • Budget: Determine your budget beforehand, as prices for 1903 Springfield Sporter Stocks can vary significantly depending on the material, design, and finish.
  • Functionality: Consider factors such as grip comfort, ease of installation, and compatibility with other accessories you may already own, like scopes or slings.
  • Customization: If you prefer a personalized touch, look for stocks that allow for custom engravings, checking patterns, or finishes.

https://preview.redd.it/9tycm1zwbx3d1.jpg?width=720&format=pjpg&auto=webp&s=b492ccfd11a4164e607966d2a35dd4eb9f4a376f

General Advice

When shopping for a 1903 Springfield Sporter Stock, it is essential to do your research, read customer reviews, and consult with experts to ensure you make an informed purchase.
During the installation process, be cautious not to damage your rifle. Enlist the help of a professional if needed.
Lastly, remember that regular maintenance, proper storage, and careful handling will help prolong the life and performance of your 1903 Springfield Sporter Stock.
We hope this buyer's guide has provided valuable insights and information to help you choose the perfect 1903 Springfield Sporter Stock for your needs. Happy hunting!

FAQ


https://preview.redd.it/unhcz3uxbx3d1.jpg?width=720&format=pjpg&auto=webp&s=fab0cbd70fdcd25688ad8b015e86b099224f3439

What is a 1903 Springfield Sporter Stock?

The 1903 Springfield Sporter Stock is a type of rifle stock that is designed for hunters and sport shooters. It is a high-quality, durable stock that is made of select walnut wood, providing a natural and aesthetically pleasing finish.

What makes the 1903 Springfield Sporter Stock different from other rifle stocks?

The 1903 Springfield Sporter Stock is known for its exceptional craftsmanship, which includes hand-selected walnut wood and precise fitting. This attention to detail results in a stock that is both attractive and functional. Additionally, the stock is compatible with the 1903 Springfield, making it a great choice for those who own this classic rifle.

https://preview.redd.it/oqlssq1ybx3d1.jpg?width=720&format=pjpg&auto=webp&s=c543a82a3673baab7931f5666fa1324ff9d93bb5

Who would benefit from using a 1903 Springfield Sporter Stock?

Hunters and sport shooters who own a 1903 Springfield rifle would benefit from using a 1903 Springfield Sporter Stock. The stock is designed to improve the rifle's performance, comfort, and aesthetics, making it a great choice for those who take their shooting seriously.

What is the process for installing a 1903 Springfield Sporter Stock?

Installation of a 1903 Springfield Sporter Stock typically involves removing the old stock and replacing it with the new one. This process may require some basic woodworking skills and tools, such as a saw and sandpaper. It is recommended to consult the manufacturer's instructions or enlist the help of a professional if you are unsure about the installation process.

How long does it take to install a 1903 Springfield Sporter Stock?

The installation time for a 1903 Springfield Sporter Stock will vary depending on your experience and skill level. If you are confident in your ability to perform the installation, it may take only a few hours. However, if you are unsure or new to woodworking, it may take longer to complete the process.

What are the maintenance requirements for a 1903 Springfield Sporter Stock?

Proper maintenance of a 1903 Springfield Sporter Stock is essential to ensure its longevity and performance. This includes regular cleaning, oiling, and checking for any signs of wear or damage. It is also important to store the stock in a dry and secure location when not in use.

Are there any customization options available for a 1903 Springfield Sporter Stock?

While the 1903 Springfield Sporter Stock is a high-quality and durable stock, some customers may choose to customize it further. This can include options such as different finishes, inlays, or even custom engraving. It is best to consult with the manufacturer or a qualified woodworker to discuss your customization options and ensure that the work is completed to a high standard.
As an Amazon™ Associate, we earn from qualifying purchases.
submitted by Count-Daring243 to u/Count-Daring243 [link] [comments]


2024.06.01 10:42 MindlessAlfalfa323 Why I'm Glad the West is Falling

In the 19, nearly 20, years I have lived my life, I was raised a Christian by American conservatives in a middle class environment and am fortunate to experience countless memories of joy, laughter, and growth with (mostly) everybody I have met. Each memory with the people in my life holds a special place in my heart, and I will forever cherish the bond we built.
The thing is that until the end of eighth grade, I had a strange obsession with East Asia. Looking back, it was very embarrassing and I condemn my parents for enabling me to become a weeaboo (by “weeaboo”, I mean “a person who is overly obsessed with East Asian culture, especially Japanese culture, to the point that they fetishize the culture in an unhealthy way”). I was the textbook example of a weeaboo who had a terrible case of “yellow fever” (sexual preference towards East Asians). Loving the image of East Asian culture without having any real idea what it stood for and seeing the East as a utopia, my fetishization of East Asia, especially Japan, was born out of the shame I have with the Western culture I was raised in. I never felt like I could fit in with my Western peers who I often looked down upon and did not want to be associated with. It got to the point that I became unsatisfied with my home town, my physical appearance, and even my closest friends. This combined with the surge in anime, K-pop, and other media on the internet really got me hooked and believing really fetish-y things about the Sinosphere. I hate being reminded of it and have tried to move on.
However, I am thankful for my exposure to Eastern culture, though it was through a very bastardized, Westernized lens. I am grateful for my exposure, even though it started out with something as intellectually undemanding as Vocaloid music (songs sung by a Japanese voice synthesizer). The best part about the exposure was that it helped me leave Christianity and join Buddhism at age 11, which greatly helped with my mental health considering I was experiencing suicidal thoughts since the age of 8. Though I had awful misunderstandings of Buddhism in the beginning and still do not really have a Buddhist teacher, I am glad that I have the resources to connect myself with other Buddhists and take refuge in the Triple Gem.
As I left my gross misconceptions of the Sinosphere behind back when I was 14 while still having a healthy interest in it, my eyes were eventually opened to perils which threaten not only the homelands of Buddhism (East, South, and Southeast Asia), but also the sustainability of modern humans. These two perils are Western culture and capitalist fascism.
The West exoticizes and misrepresents Buddhism and the culture of its home, the East, as a whole. I am ashamed to be born in a culture where this was encouraged, which I am worried could lead me to fetishizing Eastern culture again.
But what I know for sure is that the West’s hyperindividualism is harming people, both those whose lands are invaded and its own people. This combined with the West’s growing rejection of education, including that of the knowledge the West itself has given to the world for humanity’s benefit, makes it clear that it is lacking some of the Sinosphere’s cultural strengths. Everybody should hold collectivism and education to the same degree that the Sinosphere does, otherwise we would be left with an unsustainable society that would destroy itself.
There is nothing wrong with speaking Western languages, eating Western foods, watching (most types of) Western media, wearing Western clothes, and especially nothing wrong with using Western inventions, but we are now seeing that the West’s hyperindividualism and rejection of education is destructive and spreading like a cancer.
It is only Buddhists who make an effort to assimilate to the East (had they not been born into it) who can see the West with its hyperindividualism and uneducatedness, promoted by its creation of its spreading ideologies such as capitalist fascism and social Darwinism, for what it really is: a cancer. I can now see the direction the United States, the most populated and powerful country in the West, is going due to the rise of ultra-capitalism and/or fascism supporters.
Rarely the phrase “Western”, as in “formed by the combined foundations of Greco-Roman civilization and Western Christianity” (Gabbe), raised positive thoughts in my mind since I learned about it shortly after discovering Buddhism. “Western” when used in the context of medicine is an exception to this, but we are now seeing more and more Westerners dishonor the progress their ancestors made towards modern, mainstream, dare I say, Western medicine as they fall for anti-vaccine and anti-mask pseudoscience.
Nowadays, some who use the word in a derogatory context are uneducated reactionaries that bash anything and everything Western, yet hypocritically promote the Western political ideology of fascism. A strength that a majority (though now a decreasing number) of Western countries have is their progressivism, supporting scientific advancements, women’s rights, racial equality, and the LGBT+. However, this is not just becoming less common; being a progressive Westerner is not enough, not enough to end Western imperialism, to save the sacred truths taught to us by the Shakyamuni Buddha, or to empower the working class.
Although I never fully approved of Western culture after my weeaboo phase ended, my early teen self still ended up falling into the anti-social justice warrior side of YouTube that I now recognized hindered my understanding of what actually ruined my country, the United States of America. I still did not feel comfortable calling myself a Westerner but mainly because the West did not widely accept Buddhism and has several times in its history persecuted Buddhists. At the same time, I was deceived by a bastardized form of Buddhism common among Westerners (known as “secular Buddhism”, which picks and chooses aspects of the Buddha’s teachings instead of accepting them as a whole), so I was a bit more of the classic, stereotypical atheist neckbeard who fetishized the East up until 2020. Since then, my views became more progressive similar to those of American liberals and I denounced traditionalist Western beliefs, but like the average American liberal, I did not see Western culture, both traditional and progressive, as the peril I now see it. It was not until around the end of 2023 when I discovered the Western problem.
It was a slow burn that started with my discovery of Buddhists on the internet talking about how the West misrepresented Buddhism to appeal to “self-help” consumerists, Christians, and New Age followers. In the Westerner, I originally saw only a person who followed harmless customs, traditions, and other norms that came from a part of the world where Buddhism was not the dominant religion (if you could even call the non-theistic dharma as taught by the Gautama Buddha a religion). And so, I did not believe that Western civilization needed to fall for the safety of the dharma, let alone for its own people. After all, I thought to myself, the West has contributed so much to science and the modern world as we know it. I still believe to this day that there are no superior cultures and that each one simply has its own unique strengths and weaknesses, some of which are only subjective. However, while looking through Buddhist forums, I was shocked to hear about the West’s pollution of Buddhism and my knowledge on Buddhism skyrocketed as I learned that I fell victim to the Dunning-Kruger effect. I started reading sutras and immersing myself with Buddhism by listening to those who have much more experience than I do. There are hardly any Buddhists in my community and the only Buddhist center within reach is a New Kadampa Tradition meditation center (FYI: the New Kadampa Tradition must be avoided since it has a reputation for financially exploiting members and its monastics have allegations of drug trafficking and sexual abuse), so books and the internet are all I have left.
Practicing Buddhism in the West is nearly impossible without a community, without a Buddhist teacher, without any resources written by Eastern Buddhists. Reddit user u/Tendai-Student, a “lay Tendai Student [sic] with aspirations to become a Priest [sic]” states the following:
It is exceedingly challenging for a Westerner who is interested in Buddhism to find reliable information. Bookstores' Buddhist sections are rife with myths about the religion (we will come to some of these misconceptions below). Buddhism-related disinformation abounds in university classes. Misinformation about Buddhism abounds in publications with a Buddhist theme. Even Buddhism-related english-speaking [sic] Reddit boards are prone to carry false information.
Buddhism is constantly distorted in the same way: to make it more agreeable to Abrahamic faiths(especially Christianity in the west) [sic]. To imply that it is subject to Western standards, Western religion, and Western consumerism and materialism.
…Asian teachers are frequently excluded from English-speaking Buddhist places (meditation centers, university forums, periodicals). Asians make up the majority of Buddhists in the United States, despite the fact that popular images of Buddhism in the West make it appear otherwise. In the minds of Westerners, Buddhism is a religion of white converts. They don't even pay attention to the odd lack of Asians in some Buddhist areas. (u/Tendai-Student)
It is no wonder that I went through a phase when I was a weeaboo with “yellow fever”. The Westerner commodifies and commercializes these Buddhist practices and East Asian customs like they do with several other cultures. Its misuse and stealing of Buddhism is the worst because its teachings are for us to end suffering by ridding ourselves of the three poisons: greed, ignorance, and hatred (which the Westerner promotes).
My realization of this drew me away from the West, similar to when my obsession with the East began. The difference is that my interest in the East now is not because of a fantasy born out of misguidance, especially not a sexual one. I now know that there is more to the East than its pop culture. But I cannot help thinking that none of this would have happened and I would better understand Buddhism had I been born to and raised by Buddhists in East Asia, or even a majority Buddhist country in South or Southeast Asia.
However, the possibility of a cycle starting with a yo-yoing fetishization of the East makes me anxious. When I realized what I was doing at first was fetishization, I did further research and found out that the West is to blame for its portrayal of the East in its media. This in turn makes me denounce the West and brings me back towards my obsession with the Sinosphere, which could lead to more fetishization.
Despite this, I am glad that at the very least, my interest is more than just wanting to live a kawaii lifestyle, hoping to have a “submissive housewife who will look young forever”, or all that neckbeard squick. I do have to say that there is something else that is drawing me towards the Sinosphere, not to mention that it is the region where Buddhism is dominant (the same is true to a lesser extent with the Indosphere). Even though I am not a huge fan of tradition since I am very progressive, when a region’s culture gets something right, they get it right. In addition to Buddhist values, the Sinosphere holds education and collectivism to a high degree. It is no wonder I find their people so much more intelligent and caring than people from my culture.
It is common knowledge that countries such as Japan, China, South Korea, and Singapore have the highest average IQs. To add to this (unbeknownst to many), even less developed countries, e.g. Mongolia, with high Buddhist populations around the same region, have average IQs higher than developing and undeveloped nations outside the region. The most agreed upon reason for this is cultural factors rather than genetic or economic factors. To conclude, Buddhism combined with values in the East Asian cultural sphere creates the best “brains” to represent humanity, thus the West should make way for them, especially considering the East’s superior collectivism.
Of course cultures do not stay the same forever because they change over time. One big thing that is different now in the Sinosphere and Indosphere (the latter I am mentioning because it is where Buddhism came from, though it is not as dominant in the cultural region as it was) is that they are generally much more patriarchal and anti-LGBT+ than they were up until the last several centuries. However, Buddhism treats same-sex relations and being transgender the same as heterosexuality and being cisgender (preferring celibacy among monastics, though depending on the school of Buddhism, those in the monastic order may be treated as their birth gender, even if they are transgender), and in addition, the Buddha taught that women are just as capable of attaining enlightenment as men. Even outside of Buddhism, there are records of same-sex relations as early as the Shang dynasty in China and the temple walls in Khajuraho, India depict homosexual activity. As for feminism, China was matrilineal until the Han dynasty era, when Confucianism and filial piety became mainstream in the area, while India, home to over 100 different ethnic communities, has had a few matriarchal and egalitarian societies pre-European colonization. In the modern era, numerous people in the two cultural spheres are becoming more supportive of gender equality and the LGBT+, which in some cases may be due to Westernization (not that it redeems it) or simply the individuals’ progressive political views not influenced by Western culture.
What has stayed the same for the most part, besides Buddhism, is the Sinosphere’s and Indosphere’s value of collectivism in honor-shame societies and the former cultural sphere’s emphasis on education; this is what Westerners, as well as people all over the world, need for themselves. If the West is going to fall due to hyperconsumerism, late stage capitalism, and uneducated leaders, those living in the West would be better off joining Buddhism and assimilating to the East. Arguably, the best way to do this is to move to a majority Buddhist country, preferably one in the Sinosphere (its core countries being China, Japan, the Koreas, Taiwan, and Vietnam). Leave everybody you know from your home behind, especially non-Buddhists. Just to make things clear, Westerners are not necessarily evil and it is not their fault they were raised in a Western culture, but having these people in your life will hold you back from collectivism, quality education free of anti-intellectual quackery, and above all, understanding the dharma.
After you have left everybody in your life and started anew, you can immerse yourself in the culture. Again, abandoning Western food, media, clothing, and especially inventions and scientific breakthroughs is very unnecessary. Your main focus is reprogramming your mind to think like a person (specifically a Buddhist person) in the Sinosphere/Indosphere, utilizing the high educational standards, putting the collective over the individual, and taking refuge in the Triple Gem. Before moving, though, it is best to make yourself familiar with the customs and learn the language of the place you are moving to. To aid your assimilation, it would not hurt to start dating one of the locals who strongly identifies with the culture, regardless of their race. Someone living there who is not ethnically East, South, or Southeast Asian who is still very involved in the culture would be very helpful to your assimilation as one who is ethnically East, South, or Southeast Asian (I am clarifying this to discourage racial fetishization). This may be difficult as you would have to win over approval from their parents, let alone convince them to see you as another Easterner, but if you manage to do so, that would be fantastic. To make things easier, you could plan to move to a country where people treat women as equals and are relatively accepting of the LGBT+ so you would not have to worry about gender roles or whatever. Think of places in the Sinosphere such as Singapore, Taiwan, Japan, Hong Kong, or if you are planning on going to the Indosphere (which is not too big of a step down) since they did give us Buddhism after all, Nepal and Thailand. Your most important goal, however, is to rewire your brain to think in a more Sinic or Indic way and be more in touch with Buddhism.
You can hardly consider yourself a Westerner if you manage to do so, being Western only in your country of origin (and possibly race as well). I am definitely not like those other “people” from the West who strongly cling to Western culture because they just do not understand. Western cultural merit is almost solely from the proxy of our ancestors’ inventions, scientific discoveries, and political revolutions. Considering that the West is being brought towards the wrong direction in the modern era, we should get out of there culturally, if not physically, until it all hits the fan.
If the West continues its defilement of the rest of the world, when it falls, it will bring it all down with it. We must not lose or else everybody loses.
This pressure has a good side; because the bigger the great threat becomes, the more we will push ourselves to assimilate and raise children to fight for us. Considering the infectability of Western anti-intellectualism and “main character syndrome”, how could our Western peers know better? Buddhism is not a proselytizing “religion”, so our best bet is eliminating the promoter of the three poisons, the Westerner (especially the Christian Westerner), from our own lives. How it will run to us as its society collapses under itself and we welcome it to assimilate but say “we told you so”! The older I get, the better I know the Westerner. The better I know the Westerner, the easier it gets to excuse hostility against them, especially from the Sinosphere.
From my perspective, the ones to blame are not the angry, low-middle class white males in the rural United States nor the boba conservative bananas and right-wing coconuts who suck up to the West’s biggest scum, but rather the ones who have brainwashed them to fall for chauvinism, reactionarism, and laissez faire capitalism.
Realizing this, I am now closely investigating the sources of these beliefs which make up the foundation of social Darwinism and, when combined with totalitarian thinking, capitalist fascism. This is after I noticed that these systems are unsustainable and would destroy themselves from the inside out. The slow, painful destruction of communities who fall victim to them are well known to me. If one looks carefully, they can see the consequences that have been unfolding since the 2020 Coronavirus Pandemic. You may wonder: were the founders aware of this? My guess would be that they were not but were evil nonetheless because they were too selfish to think about the future, their descendants.
If this is the case, then it is the duty of us, the opponents of these ideologies, to spread the word faster than the ideologies are currently spreading in the West. It is hard for me to believe it is not the case considering that both Western political ideologies are fundamentally reactionary. Besides, I doubt they would want civilization as we know it to collapse.
I have a social Darwinist as a maternal uncle who sometimes meets with my parents, maternal grandfather, and younger brother and with his political conversations, often sourced from flawed studies, Russian news, and 4chan, I can easily study the principles of its theories. Both of my parents are also conservatives who support Trump and other immoral American politicians. Being raised by the two of them, I bet I could disguise myself as a Western right-wing traditionalist, maybe even a social Darwinist, since I know the way they speak, to whom they flock to, and how to make them give one their full attention. It would probably be easy to do this as some right-wing grifters can fool American right-wing audiences into thinking that they share the same beliefs (e.g. Thomas MacDonald).
Their kind are gullible because they do not listen to fact checkers and often do not do research to see if who they are listening to really practices what they preach.
Even though there are Westerners who are not like this, the West cannot coexist with Buddhism, let alone the cultures where it is dominant, as the West ruled by colonizing tirthikas and it will likely always be for as long as it lasts. And just because their culture is not as viable as the one founded on Buddhist, Sinic, or even Indic values does not give them the right to imperialize the rest of the world and bring it down with them. We can welcome the Westerner willing to change its ways, turn it into one of an Easterner, and have its culture go through a quick and painless demise, or the Westerner can continue its power trip, destroy everything it touches along with itself, and society will suffer a slow and painful death. This is what the conclusion that I have come to so far as I examine capitalist fascism and Westerners’ connection to it.
The Western doctrine of capitalist fascism rejects an aspect of maitrī, fulfilling beings’ basic needs, and substitutes it for a privilege towards the bourgeoisie and the exploitation of the workers’ labor (also known as Vergegenständlichung or “objectification”). Thus it denies the worth of the collective, only concerns itself with greedy individuals, and thus is immoral. Unlike what the non-Buddhist capitalist wants people to believe, all beings have an altruistic Buddha nature, but it is corrupted, being difficult to notice as it has only conditions without a beginning (listed in the Avijjā Sutta). Abandoning capitalism, both fascist and non-fascist, gives power to the people as it ensures a more guaranteed right to life instead of having not even one thousand billionaires own more than half of Earth’s population combined, more than each one of those billionaires could ever spend in their lifetimes.
Should the Westerner, especially one who pushes capitalist fascism, strengthen its grip on humanity, it can be said that it would make its own naraka.
And so I stand by my plan and encourage others to do the same because it is in the name of the Unsurpassable Enlightened One. By protecting our kind against the Westerner, we are defending the Triple Gem.
If it is not already clear, the disapproval I feel towards the societal values and prevailing norms of the West has led me to question my place in this environment. I believe that meaningful change can only be fostered if the West is put into its place and the Sino-Buddhist East motivates our minds.
In Vietnam, where the culture is predominantly Sinic with some Indic aspects and little European influence, we can see the promotion of quality education, collectivism, and Buddhism (practiced by a forgivable 15% of the population), very unlike the nearby country of the Philippines. In the Philippines, its citizens cling to the Anglo-Saxon and Hispanic culture brought to the country by American and Spaniard imperialists. The effects of this are very clear in their average IQs (Vietnam: 89.53 vs. Philippines: 81.64) and PISA scores (Vietnam: 1403 vs. Philippines: 1058). They are both developing countries in Southeast Asia that were colonized by the West, but because Vietnam kept its culture more pure and stuck to Buddhism (or at least Sinic philosophies), its people are better educated compared to the nearby Westernized countries in a similar economic situation.
In short, Westernization leads to the following:
  1. The native culture becomes diluted
  2. If Western thinking intrudes, mental degeneration takes hold of the native population and its society slowly degrades along with the West itself as it eats itself from the inside out
Those who cause this to happen must be stopped, especially those who endanger Buddhism. We must not wait for the fruition of their karma for their sacrilege of the Tathagata’s teachings because by then it would be too late, and even if it is instant karma, every bodhisattva’s job is to end suffering.
Those who spread the harmful ideologies bring themselves and others away from the Buddha’s word are polluting humanity by having them join their rat race that will only end in their own demise. They are leading to the ruin of many and thus, I do not consider them to be human but instead parasites.
There is a disgraceful Western belief that for a short amount of time was not held by the majority but is now very pervasive in the West and also is the foundation of reactionarism, chauvinism, and capitalism in all cultures. It says: “My individual rights matter the most and freedom means my right to violate the rights of others.”
This Western babble is followed by numerous all around the world and sows disharmony in societies where it becomes the norm. This idea provides basis for several types of Westerners, including but not limited to:
The growth of these groups is evidence of the degradation of Western culture, showing that it must retire as the dominant culture and make way for the much more sustainable East. Once the manuṣya realm on Earth is completely tainted by the West, Buddhas can no longer arise in the world because the dharma would be known by nobody and the Vinaya are forgotten or destroyed.
The future generation will not remember the dharma unless we halt the growth of the parasitic culture that promotes overconsumption, hyperindividualism, and anti-intellectualism.
The Westerner has a remarkable contrast to the Sinic or Indic. The Westerner has a grasp on this world so strong with its weaponry since the 16th century, using force to disrupt the traditional lives of whatever native people it saw, safe for those in a few countries (even though some of those countries are still being Westernized). The Dutch, English, French, Portuguese, and Spanish built colonies from the Americas to Southeast Asia. The kingdoms were blessed with powerful militaries, strong economies, stable governments, and advanced technology that allowed their cultures to spread. But after half a millennium and looking back, was any of this really earned? And is the Westerner’s conquest over yet?
Since the Great Schism of Christianity, the Westerner trained itself for roughly one thousand years. It trained itself in several aspects, but it forgot an important piece, the dharma. The cunning Westerner, blessed with advancements, used them to tyrannize other peoples on a scale never before seen. This was the beginning of the Latter Day of the Dharma. The dharma is declining because of the savage Westerner. And so, it leeched off of any people it got a hold of, including predominantly Buddhist peoples. Even during the decolonization of the 20th century, fundamentalist Christianity spread and threatened the dharma. To make matters worse, previously Buddhist peoples clung to Christianity as taught by their colonizers; the French in Vietnam and the Spanish and Americans in the Philippines. To this day, the Philippines is a lost cause along with its majority Muslim neighbors in Maritime Southeast Asia. The cunning Westerner turned the Filipino against us and now Buddhists make up only 2% of the Philippines’ population. Now, the Westerner sees Buddhism as nothing more than an aesthetic, a self-help lifestyle, or a decoration that they can commercialize and cherry pick aspects to integrate into their religion or lack thereof.
It is excellent for someone from the West to learn the dharma as this will turn them into a more compassionate and wise person, but they must not enforce the Western gaze onto it and discard parts of the Shakyamuni Buddha’s words they do not like. To be fair, some aspects of Buddhism would be nearly impossible for a Westerner to understand unless they assimilate.
Buddhism is not materialist or blind belief without evidence and it belongs to the East, so stop pretending to be something you are not while pushing stereotypes of Asian Buddhists.
However, even though Buddhism is not materialist or very in line with the Western worldview, it is uniquely human. Walpola Rahula, a Sri Lankan Buddhist monk and writer explains it this way:
Among the founders of religions the Buddha (if we are permitted to call him the founder of a religion in the popular sense of the term) was the only teacher who did not claim to be other than a human being, pure and simple. Other teachers were either God, or his incarnations in different forms, or inspired by him. The Buddha was not only a human being; he claimed no inspiration from any god or external power either. He attributed all his realization, attainments and achievements to human endeavour and human intelligence. A man and only a man can become Buddha. Every man has within himself the potentiality of becoming a Buddha, if he so wills it and endeavours. We can call the Buddha a man par excellence. He was so perfect in his 'human-ness' that he came to be regarded later in popular religion almost as 'super-human'. Man's position, according to Buddhism, is supreme. Man is his own master, and there is no higher being or power that sits in judgment over his destiny. (Rahula 3)
How could one even consider the Westerners who diluted Buddhism human themselves at this point? If it were not for them, Westerners may have a better understanding of the teachings of the “man par excellence”. We are lucky that the only Westerners who necessarily see us as inferior are white nationalists and fundamentalist Christians, otherwise the Westerner could have committed a genocide that would have left millions of us dead. Westerners are competitive beings, so they rarely act in concord towards each other. It is only when there is something that draws them together or away from a common danger.
If everybody on Earth becomes a Westerner, they would wallow in their shamelessness and would have nobody left to exploit except for each other until they destroy themselves.
Until they are the only ones left, they will vilify and exploit anything non-Western until they only have each other, then leading to a chaotic world of undignified militaries, economic inequality, corrupt governments, and little or no innovations.
Unless the Westerner considers even the slightest of inspiration from the East, it will continue to follow hyperindividualism and have apathy towards its education. That is why the West is falling. Those from the West who are smart enough to realize that the West’s flaws that it spreads are deciding that the West is not worth maintaining and its resignation is overdue. If those from the West abandon it to assimilate to the East, it would make the West’s death quicker but more dignified.
This is more than a fad but rather the realization that Western society would be best being a passing fad itself. The West gave us great inventions, food, clothes, scientific discoveries, etc. and once it is gone, the East can pick up where it left off just fine.
We will never abandon the Triple Gem because we recognize it to be more than a spiritual, exotic aesthetic or trend. To do so would make us just like those others in the West who Asian Buddhists look down upon. When the time is right, each and every one of us will surround ourselves with the people who know the dharma better than anyone you have met in the West and we can finally be at their level. We shall be Western only in our country of origin and/or race, but in every other way, we will be Easterners; Buddhist Easterners who will take back what rightfully belongs to us.
When we (and hopefully Buddhists outside of both the Eastern and the Western world) do this, consumerism will lose some of its biggest prey. Even though it may not seem like it at first considering we are abandoning everyone we have ever known, we are doing our ancestors a favor by joining the culture that strives towards the end of suffering. We will be leaving our cultures’ ways of thinking behind, but doing this will save face for our lineage, especially the Western lineage as we would be preventing the creation of more “Karens”, “Chuds”, dayangmas, “neckbeards”, and other degenerates. We will not be annoying dorky nerds and certainly not “neckbeards” who are overly obsessed with and fetishize the culture but people making an effort to get closer to the dharma and surrender to the East.
Although we are collectivists, we must seek personal liberation first for the good of other beings. Once the West collapses and its former supporters come running to us, we shall welcome them. If some do not recognize this before it is too late, well boo hoo! They will have a better birth with the world we will create. Some of them, especially their unlucky spawn, would probably be better off dead and reborn into a better life, maybe even the Pure Land.
The way it is looking now, the West is falling and becoming the world’s laughingstock, which is a good thing. The quicker it falls, the less painful it will be for the Westerner and everybody else. Western culture will not be missed, but we can keep the best of it and continue the innovations that the creators would wish to see. We will remember the legacy of them and be thankful while never forgiving or forgetting the ones who ruined the West.
Works Cited
“Ignorance Avijjā Sutta (AN 10:61).” Translated by Ṭhānissaro Bhikkhu. Dhammatalks. 2017, https://www.dhammatalks.org/suttas/AN/AN10_61.html. Accessed 31 May 2024.
Gabbe. “Western Culture.” Wikipedia. 25 May 2024. https://en.wikipedia.org/wiki/Western_culture#:~:text=The%20core%20of%20Western%20civilization,Roman%20civilization%20and%20Western%20Christianity. Accessed 31 May 2024.
Rahula Thero, Walpola. What the Buddha Taught. Oneworld Publications, 1959. Accessed 31 May 2024.
u/Tendai-Student. “栄真Eishin (u/Tendai-Student).” Reddit, 31 May 2024, https://www.reddit.com/useTendai-Student/. Accessed 31 May 2024.
u/Tendai-Student. “Buddhism is being MISREPRESENTED in the West Marginalisation, cultural appropriation, misconceptions and what you can do.” Reddit, 2023, https://www.reddit.com/WrongBuddhism/comments/14zc6xg/buddhism_is_being_misrepresented_in_the_west/. Accessed 31 May 2024.
submitted by MindlessAlfalfa323 to RadicalBuddhism [link] [comments]


http://swiebodzin.info