AkshayKatukojwala commited on
Commit
efb524b
1 Parent(s): 38c98c3

Upload 104 files

Browse files
This view is limited to 50 files because it contains too many changes.   See raw diff
Files changed (50) hide show
  1. .gitattributes +1 -0
  2. Freq.py +24 -0
  3. Graphs.py +41 -0
  4. LSTM.py +20 -12
  5. Train_ANN.py +1 -1
  6. Train_CNN.py +3 -2
  7. Train_LSTM.py +185 -0
  8. TweetSearch.py +34 -0
  9. __pycache__/DTTest.cpython-36.pyc +0 -0
  10. __pycache__/Freq.cpython-36.pyc +0 -0
  11. __pycache__/Graphs.cpython-36.pyc +0 -0
  12. __pycache__/LRTest.cpython-36.pyc +0 -0
  13. __pycache__/LSTM.cpython-36.pyc +0 -0
  14. __pycache__/NB.cpython-36.pyc +0 -0
  15. __pycache__/NBTest.cpython-36.pyc +0 -0
  16. __pycache__/Predict.cpython-36.pyc +0 -0
  17. __pycache__/RFTest.cpython-36.pyc +0 -0
  18. __pycache__/SVM.cpython-36.pyc +0 -0
  19. __pycache__/SVMTest.cpython-36.pyc +0 -0
  20. __pycache__/Testing.cpython-36.pyc +0 -0
  21. __pycache__/Train_ANN.cpython-36.pyc +0 -0
  22. __pycache__/Train_CNN.cpython-36.pyc +0 -0
  23. __pycache__/Train_LSTM.cpython-36.pyc +0 -0
  24. __pycache__/TweetSearch.cpython-36.pyc +0 -0
  25. __pycache__/XGBTest.cpython-36.pyc +0 -0
  26. __pycache__/__init__.cpython-36.pyc +0 -0
  27. __pycache__/admin.cpython-36.pyc +0 -0
  28. __pycache__/bargraph.cpython-36.pyc +0 -0
  29. __pycache__/models.cpython-36.pyc +0 -0
  30. __pycache__/urls.cpython-36.pyc +0 -0
  31. __pycache__/views.cpython-36.pyc +0 -0
  32. admin.py +3 -0
  33. apps.py +5 -0
  34. bargraph.py +45 -0
  35. migrations/0001_initial.py +46 -0
  36. migrations/__init__.py +0 -0
  37. migrations/__pycache__/0001_initial.cpython-36.pyc +0 -0
  38. migrations/__pycache__/__init__.cpython-36.pyc +0 -0
  39. models.py +29 -0
  40. static/css/bootstrap.css +0 -0
  41. static/css/font-awesome.css +2199 -0
  42. static/css/skdslider.css +369 -0
  43. static/css/style.css +3396 -0
  44. static/css/style.css.bak +3396 -0
  45. static/fonts/FontAwesome.otf +0 -0
  46. static/fonts/fontawesome-webfont.eot +0 -0
  47. static/fonts/fontawesome-webfont.ttf +0 -0
  48. static/fonts/fontawesome-webfont.woff +0 -0
  49. static/fonts/fontawesome-webfont.woff2 +0 -0
  50. static/fonts/glyphicons-halflings-regular.eot +0 -0
.gitattributes CHANGED
@@ -33,3 +33,4 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
36
+ static/images/GenericBlog_Social-Selling_CD909_SJ.png filter=lfs diff=lfs merge=lfs -text
Freq.py ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
+ # Python program to count the frequency of
3
+ # elements in a list using a dictionary
4
+
5
+ def CountFrequency(my_list):
6
+
7
+ # Creating an empty dictionary
8
+ freq = {}
9
+ for item in my_list:
10
+ if (item in freq):
11
+ freq[item] += 1
12
+ else:
13
+ freq[item] = 1
14
+ print(freq)
15
+ return freq;
16
+
17
+
18
+
19
+
20
+ # Driver function
21
+ if __name__ == "__main__":
22
+ my_list =['sajid', 'sajid', 'sajid', 'ali', 'ali', 'sajid', 'sajid', 'nashu', 'nashu', 'nashu', 'nashu']
23
+
24
+ CountFrequency(my_list)
Graphs.py ADDED
@@ -0,0 +1,41 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import numpy as np
2
+ import matplotlib.pyplot as plt
3
+ import matplotlib.pyplot as plt1
4
+ import sys
5
+ import sqlite3
6
+
7
+ def viewg(g1):
8
+
9
+
10
+ for row in g1.values():
11
+ pass
12
+
13
+ height=[]
14
+ bars = ()
15
+ bars= tuple(g1.keys())
16
+
17
+ plt.clf()
18
+
19
+
20
+
21
+ print(type(g1.values()))
22
+ height= list(g1.values())
23
+ print(bars, height)
24
+
25
+ y_pos = np.arange(len(bars))
26
+ plt.bar(bars,height, color=['blue', 'cyan', 'orange'])
27
+ plt.xlabel('Sentiment Analysis')
28
+ plt.ylabel('No.of Tweets')
29
+ plt.title('Features')
30
+ from PIL import Image
31
+ plt.savefig('g1.jpg')
32
+ #im = Image.open(r"g1.jpg")
33
+
34
+ #im.show()
35
+
36
+ if __name__ == "__main__":
37
+ d={'jan':2,'feb':23}
38
+ viewg(d)
39
+
40
+
41
+
LSTM.py CHANGED
@@ -59,24 +59,32 @@ def get_embedding_vectors(tokenizer, dim=100):
59
 
60
 
61
 
62
- def get_predictions(text):
63
  tokenizer = Tokenizer()
 
64
 
65
  model_path = 'lstm_model.h5'
66
  model = load_model(model_path)
67
- sequence = tokenizer.texts_to_sequences(text)
68
- # pad the sequence
69
- sequence = pad_sequences(sequence, maxlen=SEQUENCE_LENGTH)
70
- # get the prediction
71
- prediction = model.predict(sequence)
72
-
73
- res=[]
74
-
75
- for p1 in prediction:
76
- res.append(int2label[np.argmax(p1)])
 
 
 
 
 
 
 
77
  return res
78
 
79
  if __name__ == '__main__':
80
- t=[' Sooo SAD I will miss you here in San Diego!!!', 'Stolen iPhone 15 pro', 'iPhone 15 Pro and iPhone 15 Pro Max Feature Increased 8GB of RAM', 'Apple announces iPhone 15 Pro and Pro Max', 'Temperature of my iPhone 15 Pro Max while on the phone for 5 mins.', 'I traded in my iPhone 14 Pro for the iPhone 15 Pro Max, then FedEx lost the old phone', 'iPhone 15 Pro Max crushes Google Pixel 8 Pro in speed test', 'Apple Design Team Making The New iPhone 15 Pro Max', 'iPhone 15 Pro Could Be Most Lightweight Pro Model Since iPhone XS', ' iPhone 15 Pro/Pro Max is so sad']
81
  print(get_predictions(t))
82
 
 
59
 
60
 
61
 
62
+ def get_predictions(stmts):
63
  tokenizer = Tokenizer()
64
+ res=[]
65
 
66
  model_path = 'lstm_model.h5'
67
  model = load_model(model_path)
68
+ model_path2="tokenizer.pickle"
69
+ with open(model_path2,'rb') as f:
70
+ tokenizer=pickle.load(f)
71
+
72
+
73
+ for text in stmts:
74
+ print("text=",text)
75
+ sequence = tokenizer.texts_to_sequences([text])
76
+ # pad the sequence
77
+ sequence = pad_sequences(sequence, maxlen=SEQUENCE_LENGTH)
78
+ # get the prediction
79
+ prediction = model.predict(sequence)
80
+ sentmnt=int2label[np.argmax(prediction)]
81
+ res.append(sentmnt)
82
+
83
+
84
+
85
  return res
86
 
87
  if __name__ == '__main__':
88
+ t=['Apple announces iPhone 15 Pro and iPhone 15 Pro Max with titanium case and USB-C - 9to5Mac', 'Stolen iPhone 15 pro', 'iPhone 15 Pro and iPhone 15 Pro Max Feature Increased 8GB of RAM', 'Apple announces iPhone 15 Pro and Pro Max', 'Temperature of my iPhone 15 Pro Max while on the phone for 5 mins.', 'I traded in my iPhone 14 Pro for the iPhone 15 Pro Max, then FedEx lost the old phone', 'iPhone 15 Pro Max crushes Google Pixel 8 Pro in speed test', 'Apple Design Team Making The New iPhone 15 Pro Max', 'iPhone 15 Pro Could Be Most Lightweight Pro Model Since iPhone XS', 'PSA: iPhone 15 Pro/Pro Max Titanium Scratches']
89
  print(get_predictions(t))
90
 
Train_ANN.py CHANGED
@@ -108,7 +108,7 @@ def dl_evaluation_process():
108
  print('Train...')
109
  model.fit(X, y,
110
  batch_size=batch_size,
111
- epochs=2,
112
  validation_data=(X_test, y_test))
113
 
114
  y_test = np.argmax(y_test, axis=1)
 
108
  print('Train...')
109
  model.fit(X, y,
110
  batch_size=batch_size,
111
+ epochs=20,
112
  validation_data=(X_test, y_test))
113
 
114
  y_test = np.argmax(y_test, axis=1)
Train_CNN.py CHANGED
@@ -101,7 +101,7 @@ def dl_evaluation_process():
101
 
102
  model.fit(X, y, epochs=20, verbose=1, validation_data=(X_test, y_test), batch_size=128)
103
  #print("saving")
104
- model.save('cnn_model.h5')
105
  #model.summary()
106
 
107
  y_test = np.argmax(y_test, axis=1)
@@ -181,4 +181,5 @@ def get_embedding_vectors(tokenizer, dim=100):
181
  text = "Need a loan? We offer quick and easy approval. Apply now for cash in minutes!."
182
  print(get_predictions(text))'''
183
 
184
- dl_evaluation_process()
 
 
101
 
102
  model.fit(X, y, epochs=20, verbose=1, validation_data=(X_test, y_test), batch_size=128)
103
  #print("saving")
104
+ #model.save('cnn_model.h5')
105
  #model.summary()
106
 
107
  y_test = np.argmax(y_test, axis=1)
 
181
  text = "Need a loan? We offer quick and easy approval. Apply now for cash in minutes!."
182
  print(get_predictions(text))'''
183
 
184
+ if __name__ == '__main__':
185
+ dl_evaluation_process()
Train_LSTM.py ADDED
@@ -0,0 +1,185 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import time
2
+ import pickle
3
+ import tensorflow as tf
4
+ import pandas as pd
5
+ import tqdm
6
+ import numpy as np
7
+ import os
8
+ import matplotlib
9
+ matplotlib.use('Agg')
10
+ import matplotlib.pyplot as plt
11
+ from tensorflow.keras.preprocessing.text import Tokenizer
12
+ from tensorflow.keras.preprocessing.sequence import pad_sequences
13
+ from tensorflow.keras.utils import to_categorical
14
+ from tensorflow.keras.callbacks import ModelCheckpoint, TensorBoard
15
+ from sklearn.model_selection import train_test_split
16
+ #from tensorflow.keras.layers import Embedding, Dropout, Dense
17
+ from tensorflow.keras.models import Sequential
18
+ from keras.models import load_model
19
+
20
+ from sklearn.metrics import f1_score, precision_score, accuracy_score, recall_score
21
+
22
+ from tensorflow.keras.layers import LSTM, GlobalMaxPooling1D, Dropout, Dense, Input, Embedding, MaxPooling1D, Flatten,BatchNormalization
23
+
24
+ SEQUENCE_LENGTH = 100 # the length of all sequences (number of words per sample)
25
+ EMBEDDING_SIZE = 100 # Using 100-Dimensional GloVe embedding vectors
26
+ TEST_SIZE = 0.25 # ratio of testing set
27
+
28
+ BATCH_SIZE = 64
29
+ EPOCHS = 20 # number of epochs
30
+
31
+ label2int = {"frustrated": 0, "negative": 1,"neutral":2,"positive":3,"satisfied":4}
32
+
33
+ int2label = {0: "frustrated", 1: "negative",2:"neutral",3:"positive",4:"satisfied"}
34
+
35
+ def load_data():
36
+ data = pd.read_csv("train.csv",encoding='latin-1')
37
+ texts = data['feedback'].values
38
+ labels=data['sentiment'].values
39
+ return texts, labels
40
+
41
+ def dl_evaluation_process():
42
+ print("loading data")
43
+ X, y = load_data()
44
+
45
+ # Text tokenization
46
+ # vectorizing text, turning each text into sequence of integers
47
+ tokenizer = Tokenizer()
48
+ tokenizer.fit_on_texts(X)
49
+ # lets dump it to a file, so we can use it in testing
50
+ pickle.dump(tokenizer, open("tokenizer.pickle", "wb"))
51
+ # convert to sequence of integers
52
+ X = tokenizer.texts_to_sequences(X)
53
+
54
+ # convert to numpy arrays
55
+ X = np.array(X)
56
+ y = np.array(y)
57
+ # pad sequences at the beginning of each sequence with 0's
58
+ # for example if SEQUENCE_LENGTH=4:
59
+ # [[5, 3, 2], [5, 1, 2, 3], [3, 4]]
60
+ # will be transformed to:
61
+ # [[0, 5, 3, 2], [5, 1, 2, 3], [0, 0, 3, 4]]
62
+ X = pad_sequences(X, maxlen=SEQUENCE_LENGTH)
63
+
64
+
65
+
66
+ y = [label2int[label] for label in y]
67
+ y = to_categorical(y)
68
+
69
+ # split and shuffle
70
+ X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=TEST_SIZE, random_state=7)
71
+
72
+ #print("EMD Matrix")
73
+ print("Starting...")
74
+ embedding_matrix = get_embedding_vectors(tokenizer)
75
+
76
+ if os.path.exists("lstm_model.h5"):
77
+
78
+ model_path = 'lstm_model.h5'
79
+
80
+ model = load_model(model_path)
81
+
82
+ y_test = np.argmax(y_test, axis=1)
83
+
84
+ y_pred = np.argmax(model.predict(X_test), axis=1)
85
+
86
+ acc = accuracy_score(y_test, y_pred) * 100
87
+
88
+ precsn = precision_score(y_test, y_pred, average="macro") * 100
89
+
90
+ recall = recall_score(y_test, y_pred, average="macro") * 100
91
+
92
+ f1score = f1_score(y_test, y_pred, average="macro") * 100
93
+
94
+ print("acc=", acc)
95
+
96
+ print("precsn=", precsn)
97
+
98
+ print("recall=", recall)
99
+
100
+ print("f1score=", f1score)
101
+
102
+
103
+ else:
104
+ model = Sequential()
105
+ model.add(Embedding(len(tokenizer.word_index) + 1,
106
+ EMBEDDING_SIZE,
107
+ weights=[embedding_matrix],
108
+ trainable=False,
109
+ input_length=SEQUENCE_LENGTH))
110
+
111
+ model.add(LSTM(32, return_sequences=True))
112
+ model.add(BatchNormalization())
113
+
114
+ model.add(LSTM(64))
115
+ model.add(BatchNormalization())
116
+
117
+ model.add(Dense(64, activation='relu'))
118
+ model.add(Dense(5, activation="softmax"))
119
+ model.compile(optimizer='adam', loss='categorical_crossentropy', metrics=['acc'])
120
+
121
+ model.fit(X, y, epochs=50, verbose=1, validation_data=(X_test, y_test), batch_size=64)
122
+ #print("saving")
123
+ #model.save('lstm_model.h5')
124
+ #model.summary()
125
+
126
+ y_test = np.argmax(y_test, axis=1)
127
+ y_pred = np.argmax(model.predict(X_test), axis=1)
128
+
129
+ acc = accuracy_score(y_test, y_pred) * 100
130
+
131
+ precsn = precision_score(y_test, y_pred, average="macro") * 100
132
+
133
+ recall = recall_score(y_test, y_pred, average="macro") * 100
134
+
135
+ f1score = f1_score(y_test, y_pred, average="macro") * 100
136
+
137
+ print("acc=", acc)
138
+
139
+ print("precsn=", precsn)
140
+
141
+ print("recall=", recall)
142
+
143
+ print("f1score=", f1score)
144
+
145
+
146
+
147
+
148
+ return acc, precsn, recall, f1score
149
+
150
+
151
+ def get_embedding_vectors(tokenizer, dim=100):
152
+ embedding_index = {}
153
+ with open(f"data/glove.6B.{dim}d.txt", encoding='utf8') as f:
154
+ for line in tqdm.tqdm(f, "Reading GloVe"):
155
+ values = line.split()
156
+ word = values[0]
157
+ vectors = np.asarray(values[1:], dtype='float32')
158
+ embedding_index[word] = vectors
159
+
160
+ word_index = tokenizer.word_index
161
+ embedding_matrix = np.zeros((len(word_index) + 1, dim))
162
+ for word, i in word_index.items():
163
+ embedding_vector = embedding_index.get(word)
164
+ if embedding_vector is not None:
165
+ # words not found will be 0s
166
+ embedding_matrix[i] = embedding_vector
167
+
168
+ return embedding_matrix
169
+
170
+
171
+
172
+ '''def get_predictions(text):
173
+ sequence = tokenizer.texts_to_sequences([text])
174
+ # pad the sequence
175
+ sequence = pad_sequences(sequence, maxlen=SEQUENCE_LENGTH)
176
+ # get the prediction
177
+ prediction = model.predict(sequence)[0]
178
+ # one-hot encoded vector, revert using np.argmax
179
+ return int2label[np.argmax(prediction)]
180
+
181
+ text = "Need a loan? We offer quick and easy approval. Apply now for cash in minutes!."
182
+ print(get_predictions(text))'''
183
+
184
+ if __name__ == '__main__':
185
+ dl_evaluation_process()
TweetSearch.py ADDED
@@ -0,0 +1,34 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import sys, re
2
+
3
+ import praw
4
+ class TweetSearch:
5
+
6
+ def search(keys):
7
+ tweetset = []
8
+
9
+ try:
10
+
11
+
12
+ client_id = 'msVOcvbKWhwpdfqFJLrlZw'
13
+ client_secret = 'rK_rRaeS3DOj2Fp_lP2ecFW_b4vHNg'
14
+ user_agent = 'praw_scraper_1'
15
+
16
+ reddit = praw.Reddit(client_id=client_id, client_secret=client_secret, user_agent=user_agent)# input for term to be searched and how many tweets to search
17
+
18
+
19
+
20
+ searchTerm = keys
21
+ max_posts = 10
22
+ posts = reddit.subreddit('all').search(searchTerm, limit=max_posts)
23
+ for post in posts:
24
+ tweetset.append(str(post.title))
25
+
26
+
27
+ except Exception as e:
28
+ print(e)
29
+ print("SSSSSSSSSSS")
30
+ return tweetset
31
+
32
+
33
+ if __name__ == '__main__':
34
+ TweetSearch.search('Telangana')
__pycache__/DTTest.cpython-36.pyc ADDED
Binary file (1.26 kB). View file
 
__pycache__/Freq.cpython-36.pyc ADDED
Binary file (420 Bytes). View file
 
__pycache__/Graphs.cpython-36.pyc ADDED
Binary file (862 Bytes). View file
 
__pycache__/LRTest.cpython-36.pyc ADDED
Binary file (1.26 kB). View file
 
__pycache__/LSTM.cpython-36.pyc ADDED
Binary file (3.24 kB). View file
 
__pycache__/NB.cpython-36.pyc ADDED
Binary file (1.29 kB). View file
 
__pycache__/NBTest.cpython-36.pyc ADDED
Binary file (1.26 kB). View file
 
__pycache__/Predict.cpython-36.pyc ADDED
Binary file (921 Bytes). View file
 
__pycache__/RFTest.cpython-36.pyc ADDED
Binary file (1.26 kB). View file
 
__pycache__/SVM.cpython-36.pyc ADDED
Binary file (1.33 kB). View file
 
__pycache__/SVMTest.cpython-36.pyc ADDED
Binary file (1.27 kB). View file
 
__pycache__/Testing.cpython-36.pyc ADDED
Binary file (1.56 kB). View file
 
__pycache__/Train_ANN.cpython-36.pyc ADDED
Binary file (3.12 kB). View file
 
__pycache__/Train_CNN.cpython-36.pyc ADDED
Binary file (3.76 kB). View file
 
__pycache__/Train_LSTM.cpython-36.pyc ADDED
Binary file (4.06 kB). View file
 
__pycache__/TweetSearch.cpython-36.pyc ADDED
Binary file (953 Bytes). View file
 
__pycache__/XGBTest.cpython-36.pyc ADDED
Binary file (1.28 kB). View file
 
__pycache__/__init__.cpython-36.pyc CHANGED
Binary files a/__pycache__/__init__.cpython-36.pyc and b/__pycache__/__init__.cpython-36.pyc differ
 
__pycache__/admin.cpython-36.pyc ADDED
Binary file (174 Bytes). View file
 
__pycache__/bargraph.cpython-36.pyc ADDED
Binary file (1.58 kB). View file
 
__pycache__/models.cpython-36.pyc ADDED
Binary file (986 Bytes). View file
 
__pycache__/urls.cpython-36.pyc CHANGED
Binary files a/__pycache__/urls.cpython-36.pyc and b/__pycache__/urls.cpython-36.pyc differ
 
__pycache__/views.cpython-36.pyc ADDED
Binary file (7.67 kB). View file
 
admin.py ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ from django.contrib import admin
2
+
3
+ # Register your models here.
apps.py ADDED
@@ -0,0 +1,5 @@
 
 
 
 
 
 
1
+ from django.apps import AppConfig
2
+
3
+
4
+ class WebappConfig(AppConfig):
5
+ name = 'webapp'
bargraph.py ADDED
@@ -0,0 +1,45 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import numpy as np
2
+ import matplotlib.pyplot as plt
3
+
4
+
5
+ # set width of bar
6
+ class bargraph:
7
+ def view(d, img, word):
8
+ img='D:\\Django\\Sentiment Reddit\\Sentiment\\Sentiment\\webapp\\static\\images\\'+img
9
+ try:
10
+ a1 = []
11
+ a2 = []
12
+ a3 = []
13
+ a4 = []
14
+ algo = []
15
+
16
+ for r in d:
17
+ print(r)
18
+ algo.append(r)
19
+ a1.append(round(float(d[r][0]), 2))
20
+
21
+
22
+
23
+ k = []
24
+ v = []
25
+ barWidth = 0.25
26
+ fig = plt.subplots(figsize=(10, 7))
27
+ br1 = np.arange(len(a1))
28
+ br2 = [x + barWidth for x in br1]
29
+
30
+ plt.bar(br1, a1, color='purple', width=barWidth,
31
+ edgecolor='grey', label=word)
32
+
33
+ plt.xlabel('Algorithms ', fontweight='bold', fontsize=15)
34
+ plt.ylabel(word, fontweight='bold', fontsize=15)
35
+ plt.xticks([r + barWidth for r in range(len(a1))], algo)
36
+ plt.legend()
37
+ plt.savefig(img, dpi=(200))
38
+ except Exception as e:
39
+ print(e)
40
+
41
+
42
+
43
+
44
+ if __name__ == '__main__':
45
+ bargraph.view({'a1': [1, 2], 'a2': [1, 3], 'a3': [1, 2]},'g1.jpg','ACC')
migrations/0001_initial.py ADDED
@@ -0,0 +1,46 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Generated by Django 3.1.3 on 2024-03-26 17:26
2
+
3
+ from django.db import migrations, models
4
+
5
+
6
+ class Migration(migrations.Migration):
7
+
8
+ initial = True
9
+
10
+ dependencies = [
11
+ ]
12
+
13
+ operations = [
14
+ migrations.CreateModel(
15
+ name='accuracysc',
16
+ fields=[
17
+ ('id', models.AutoField(auto_created=True, primary_key=True, serialize=False, verbose_name='ID')),
18
+ ('algo', models.CharField(max_length=100)),
19
+ ('accuracyv', models.FloatField(max_length=1000)),
20
+ ('prec', models.FloatField(max_length=1000)),
21
+ ('recall', models.FloatField(max_length=1000)),
22
+ ('f1sc', models.FloatField(max_length=1000)),
23
+ ],
24
+ ),
25
+ migrations.CreateModel(
26
+ name='tweets',
27
+ fields=[
28
+ ('id', models.AutoField(auto_created=True, primary_key=True, serialize=False, verbose_name='ID')),
29
+ ('sno', models.CharField(max_length=100)),
30
+ ('tweet', models.TextField()),
31
+ ('sentiment', models.CharField(max_length=100)),
32
+ ],
33
+ ),
34
+ migrations.CreateModel(
35
+ name='user',
36
+ fields=[
37
+ ('id', models.AutoField(auto_created=True, primary_key=True, serialize=False, verbose_name='ID')),
38
+ ('name', models.CharField(max_length=100)),
39
+ ('email', models.CharField(max_length=100)),
40
+ ('pwd', models.CharField(max_length=100)),
41
+ ('zip', models.CharField(max_length=100)),
42
+ ('gender', models.CharField(max_length=100)),
43
+ ('age', models.CharField(max_length=100)),
44
+ ],
45
+ ),
46
+ ]
migrations/__init__.py ADDED
File without changes
migrations/__pycache__/0001_initial.cpython-36.pyc ADDED
Binary file (1.04 kB). View file
 
migrations/__pycache__/__init__.cpython-36.pyc ADDED
Binary file (144 Bytes). View file
 
models.py ADDED
@@ -0,0 +1,29 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from django.db import models
2
+
3
+
4
+ # Create your models here.
5
+ class user(models.Model):
6
+ name=models.CharField(max_length=100);
7
+ email=models.CharField(max_length=100);
8
+ pwd=models.CharField(max_length=100);
9
+ zip=models.CharField(max_length=100);
10
+ gender=models.CharField(max_length=100);
11
+ age=models.CharField(max_length=100);
12
+
13
+ class accuracysc(models.Model):
14
+ algo=models.CharField(max_length=100);
15
+ accuracyv=models.FloatField(max_length=1000)
16
+ prec=models.FloatField(max_length=1000)
17
+ recall=models.FloatField(max_length=1000)
18
+ f1sc=models.FloatField(max_length=1000)
19
+
20
+
21
+
22
+
23
+ class tweets(models.Model):
24
+ sno = models.CharField(max_length=100);
25
+ tweet = models.TextField();
26
+ sentiment=models.CharField(max_length=100);
27
+
28
+
29
+
static/css/bootstrap.css ADDED
The diff for this file is too large to render. See raw diff
 
static/css/font-awesome.css ADDED
@@ -0,0 +1,2199 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ /*!
2
+ * Font Awesome 4.6.3 by @davegandy - http://fontawesome.io - @fontawesome
3
+ * License - http://fontawesome.io/license (Font: SIL OFL 1.1, CSS: MIT License)
4
+ */
5
+ /* FONT PATH
6
+ * -------------------------- */
7
+ @font-face {
8
+ font-family: 'FontAwesome';
9
+ src: url('../fonts/fontawesome-webfont.eot?v=4.6.3');
10
+ src: url('../fonts/fontawesome-webfont.eot?#iefix&v=4.6.3') format('embedded-opentype'), url('../fonts/fontawesome-webfont.woff2?v=4.6.3') format('woff2'), url('../fonts/fontawesome-webfont.woff?v=4.6.3') format('woff'), url('../fonts/fontawesome-webfont.ttf?v=4.6.3') format('truetype'), url('../fonts/fontawesome-webfont.svg?v=4.6.3#fontawesomeregular') format('svg');
11
+ font-weight: normal;
12
+ font-style: normal;
13
+ }
14
+ .fa {
15
+ display: inline-block;
16
+ font: normal normal normal 14px/1 FontAwesome;
17
+ font-size: inherit;
18
+ text-rendering: auto;
19
+ -webkit-font-smoothing: antialiased;
20
+ -moz-osx-font-smoothing: grayscale;
21
+ }
22
+ /* makes the font 33% larger relative to the icon container */
23
+ .fa-lg {
24
+ font-size: 1.33333333em;
25
+ line-height: 0.75em;
26
+ vertical-align: -15%;
27
+ }
28
+ .fa-2x {
29
+ font-size: 2em;
30
+ }
31
+ .fa-3x {
32
+ font-size: 3em;
33
+ }
34
+ .fa-4x {
35
+ font-size: 4em;
36
+ }
37
+ .fa-5x {
38
+ font-size: 5em;
39
+ }
40
+ .fa-fw {
41
+ width: 1.28571429em;
42
+ text-align: center;
43
+ }
44
+ .fa-ul {
45
+ padding-left: 0;
46
+ margin-left: 2.14285714em;
47
+ list-style-type: none;
48
+ }
49
+ .fa-ul > li {
50
+ position: relative;
51
+ }
52
+ .fa-li {
53
+ position: absolute;
54
+ left: -2.14285714em;
55
+ width: 2.14285714em;
56
+ top: 0.14285714em;
57
+ text-align: center;
58
+ }
59
+ .fa-li.fa-lg {
60
+ left: -1.85714286em;
61
+ }
62
+ .fa-border {
63
+ padding: .2em .25em .15em;
64
+ border: solid 0.08em #eee;
65
+ border-radius: .1em;
66
+ }
67
+ .fa-pull-left {
68
+ float: left;
69
+ }
70
+ .fa-pull-right {
71
+ float: right;
72
+ }
73
+ .fa.fa-pull-left {
74
+ margin-right: .3em;
75
+ }
76
+ .fa.fa-pull-right {
77
+ margin-left: .3em;
78
+ }
79
+ /* Deprecated as of 4.4.0 */
80
+ .pull-right {
81
+ float: right;
82
+ }
83
+ .pull-left {
84
+ float: left;
85
+ }
86
+ .fa.pull-left {
87
+ margin-right: .3em;
88
+ }
89
+ .fa.pull-right {
90
+ margin-left: .3em;
91
+ }
92
+ .fa-spin {
93
+ -webkit-animation: fa-spin 2s infinite linear;
94
+ animation: fa-spin 2s infinite linear;
95
+ }
96
+ .fa-pulse {
97
+ -webkit-animation: fa-spin 1s infinite steps(8);
98
+ animation: fa-spin 1s infinite steps(8);
99
+ }
100
+ @-webkit-keyframes fa-spin {
101
+ 0% {
102
+ -webkit-transform: rotate(0deg);
103
+ transform: rotate(0deg);
104
+ }
105
+ 100% {
106
+ -webkit-transform: rotate(359deg);
107
+ transform: rotate(359deg);
108
+ }
109
+ }
110
+ @keyframes fa-spin {
111
+ 0% {
112
+ -webkit-transform: rotate(0deg);
113
+ transform: rotate(0deg);
114
+ }
115
+ 100% {
116
+ -webkit-transform: rotate(359deg);
117
+ transform: rotate(359deg);
118
+ }
119
+ }
120
+ .fa-rotate-90 {
121
+ -ms-filter: "progid:DXImageTransform.Microsoft.BasicImage(rotation=1)";
122
+ -webkit-transform: rotate(90deg);
123
+ -ms-transform: rotate(90deg);
124
+ transform: rotate(90deg);
125
+ }
126
+ .fa-rotate-180 {
127
+ -ms-filter: "progid:DXImageTransform.Microsoft.BasicImage(rotation=2)";
128
+ -webkit-transform: rotate(180deg);
129
+ -ms-transform: rotate(180deg);
130
+ transform: rotate(180deg);
131
+ }
132
+ .fa-rotate-270 {
133
+ -ms-filter: "progid:DXImageTransform.Microsoft.BasicImage(rotation=3)";
134
+ -webkit-transform: rotate(270deg);
135
+ -ms-transform: rotate(270deg);
136
+ transform: rotate(270deg);
137
+ }
138
+ .fa-flip-horizontal {
139
+ -ms-filter: "progid:DXImageTransform.Microsoft.BasicImage(rotation=0, mirror=1)";
140
+ -webkit-transform: scale(-1, 1);
141
+ -ms-transform: scale(-1, 1);
142
+ transform: scale(-1, 1);
143
+ }
144
+ .fa-flip-vertical {
145
+ -ms-filter: "progid:DXImageTransform.Microsoft.BasicImage(rotation=2, mirror=1)";
146
+ -webkit-transform: scale(1, -1);
147
+ -ms-transform: scale(1, -1);
148
+ transform: scale(1, -1);
149
+ }
150
+ :root .fa-rotate-90,
151
+ :root .fa-rotate-180,
152
+ :root .fa-rotate-270,
153
+ :root .fa-flip-horizontal,
154
+ :root .fa-flip-vertical {
155
+ filter: none;
156
+ }
157
+ .fa-stack {
158
+ position: relative;
159
+ display: inline-block;
160
+ width: 2em;
161
+ height: 2em;
162
+ line-height: 2em;
163
+ vertical-align: middle;
164
+ }
165
+ .fa-stack-1x,
166
+ .fa-stack-2x {
167
+ position: absolute;
168
+ left: 0;
169
+ width: 100%;
170
+ text-align: center;
171
+ }
172
+ .fa-stack-1x {
173
+ line-height: inherit;
174
+ }
175
+ .fa-stack-2x {
176
+ font-size: 2em;
177
+ }
178
+ .fa-inverse {
179
+ color: #fff;
180
+ }
181
+ /* Font Awesome uses the Unicode Private Use Area (PUA) to ensure screen
182
+ readers do not read off random characters that represent icons */
183
+ .fa-glass:before {
184
+ content: "\f000";
185
+ }
186
+ .fa-music:before {
187
+ content: "\f001";
188
+ }
189
+ .fa-search:before {
190
+ content: "\f002";
191
+ }
192
+ .fa-envelope-o:before {
193
+ content: "\f003";
194
+ }
195
+ .fa-heart:before {
196
+ content: "\f004";
197
+ }
198
+ .fa-star:before {
199
+ content: "\f005";
200
+ }
201
+ .fa-star-o:before {
202
+ content: "\f006";
203
+ }
204
+ .fa-user:before {
205
+ content: "\f007";
206
+ }
207
+ .fa-film:before {
208
+ content: "\f008";
209
+ }
210
+ .fa-th-large:before {
211
+ content: "\f009";
212
+ }
213
+ .fa-th:before {
214
+ content: "\f00a";
215
+ }
216
+ .fa-th-list:before {
217
+ content: "\f00b";
218
+ }
219
+ .fa-check:before {
220
+ content: "\f00c";
221
+ }
222
+ .fa-remove:before,
223
+ .fa-close:before,
224
+ .fa-times:before {
225
+ content: "\f00d";
226
+ }
227
+ .fa-search-plus:before {
228
+ content: "\f00e";
229
+ }
230
+ .fa-search-minus:before {
231
+ content: "\f010";
232
+ }
233
+ .fa-power-off:before {
234
+ content: "\f011";
235
+ }
236
+ .fa-signal:before {
237
+ content: "\f012";
238
+ }
239
+ .fa-gear:before,
240
+ .fa-cog:before {
241
+ content: "\f013";
242
+ }
243
+ .fa-trash-o:before {
244
+ content: "\f014";
245
+ }
246
+ .fa-home:before {
247
+ content: "\f015";
248
+ }
249
+ .fa-file-o:before {
250
+ content: "\f016";
251
+ }
252
+ .fa-clock-o:before {
253
+ content: "\f017";
254
+ }
255
+ .fa-road:before {
256
+ content: "\f018";
257
+ }
258
+ .fa-download:before {
259
+ content: "\f019";
260
+ }
261
+ .fa-arrow-circle-o-down:before {
262
+ content: "\f01a";
263
+ }
264
+ .fa-arrow-circle-o-up:before {
265
+ content: "\f01b";
266
+ }
267
+ .fa-inbox:before {
268
+ content: "\f01c";
269
+ }
270
+ .fa-play-circle-o:before {
271
+ content: "\f01d";
272
+ }
273
+ .fa-rotate-right:before,
274
+ .fa-repeat:before {
275
+ content: "\f01e";
276
+ }
277
+ .fa-refresh:before {
278
+ content: "\f021";
279
+ }
280
+ .fa-list-alt:before {
281
+ content: "\f022";
282
+ }
283
+ .fa-lock:before {
284
+ content: "\f023";
285
+ }
286
+ .fa-flag:before {
287
+ content: "\f024";
288
+ }
289
+ .fa-headphones:before {
290
+ content: "\f025";
291
+ }
292
+ .fa-volume-off:before {
293
+ content: "\f026";
294
+ }
295
+ .fa-volume-down:before {
296
+ content: "\f027";
297
+ }
298
+ .fa-volume-up:before {
299
+ content: "\f028";
300
+ }
301
+ .fa-qrcode:before {
302
+ content: "\f029";
303
+ }
304
+ .fa-barcode:before {
305
+ content: "\f02a";
306
+ }
307
+ .fa-tag:before {
308
+ content: "\f02b";
309
+ }
310
+ .fa-tags:before {
311
+ content: "\f02c";
312
+ }
313
+ .fa-book:before {
314
+ content: "\f02d";
315
+ }
316
+ .fa-bookmark:before {
317
+ content: "\f02e";
318
+ }
319
+ .fa-print:before {
320
+ content: "\f02f";
321
+ }
322
+ .fa-camera:before {
323
+ content: "\f030";
324
+ }
325
+ .fa-font:before {
326
+ content: "\f031";
327
+ }
328
+ .fa-bold:before {
329
+ content: "\f032";
330
+ }
331
+ .fa-italic:before {
332
+ content: "\f033";
333
+ }
334
+ .fa-text-height:before {
335
+ content: "\f034";
336
+ }
337
+ .fa-text-width:before {
338
+ content: "\f035";
339
+ }
340
+ .fa-align-left:before {
341
+ content: "\f036";
342
+ }
343
+ .fa-align-center:before {
344
+ content: "\f037";
345
+ }
346
+ .fa-align-right:before {
347
+ content: "\f038";
348
+ }
349
+ .fa-align-justify:before {
350
+ content: "\f039";
351
+ }
352
+ .fa-list:before {
353
+ content: "\f03a";
354
+ }
355
+ .fa-dedent:before,
356
+ .fa-outdent:before {
357
+ content: "\f03b";
358
+ }
359
+ .fa-indent:before {
360
+ content: "\f03c";
361
+ }
362
+ .fa-video-camera:before {
363
+ content: "\f03d";
364
+ }
365
+ .fa-photo:before,
366
+ .fa-image:before,
367
+ .fa-picture-o:before {
368
+ content: "\f03e";
369
+ }
370
+ .fa-pencil:before {
371
+ content: "\f040";
372
+ }
373
+ .fa-map-marker:before {
374
+ content: "\f041";
375
+ }
376
+ .fa-adjust:before {
377
+ content: "\f042";
378
+ }
379
+ .fa-tint:before {
380
+ content: "\f043";
381
+ }
382
+ .fa-edit:before,
383
+ .fa-pencil-square-o:before {
384
+ content: "\f044";
385
+ }
386
+ .fa-share-square-o:before {
387
+ content: "\f045";
388
+ }
389
+ .fa-check-square-o:before {
390
+ content: "\f046";
391
+ }
392
+ .fa-arrows:before {
393
+ content: "\f047";
394
+ }
395
+ .fa-step-backward:before {
396
+ content: "\f048";
397
+ }
398
+ .fa-fast-backward:before {
399
+ content: "\f049";
400
+ }
401
+ .fa-backward:before {
402
+ content: "\f04a";
403
+ }
404
+ .fa-play:before {
405
+ content: "\f04b";
406
+ }
407
+ .fa-pause:before {
408
+ content: "\f04c";
409
+ }
410
+ .fa-stop:before {
411
+ content: "\f04d";
412
+ }
413
+ .fa-forward:before {
414
+ content: "\f04e";
415
+ }
416
+ .fa-fast-forward:before {
417
+ content: "\f050";
418
+ }
419
+ .fa-step-forward:before {
420
+ content: "\f051";
421
+ }
422
+ .fa-eject:before {
423
+ content: "\f052";
424
+ }
425
+ .fa-chevron-left:before {
426
+ content: "\f053";
427
+ }
428
+ .fa-chevron-right:before {
429
+ content: "\f054";
430
+ }
431
+ .fa-plus-circle:before {
432
+ content: "\f055";
433
+ }
434
+ .fa-minus-circle:before {
435
+ content: "\f056";
436
+ }
437
+ .fa-times-circle:before {
438
+ content: "\f057";
439
+ }
440
+ .fa-check-circle:before {
441
+ content: "\f058";
442
+ }
443
+ .fa-question-circle:before {
444
+ content: "\f059";
445
+ }
446
+ .fa-info-circle:before {
447
+ content: "\f05a";
448
+ }
449
+ .fa-crosshairs:before {
450
+ content: "\f05b";
451
+ }
452
+ .fa-times-circle-o:before {
453
+ content: "\f05c";
454
+ }
455
+ .fa-check-circle-o:before {
456
+ content: "\f05d";
457
+ }
458
+ .fa-ban:before {
459
+ content: "\f05e";
460
+ }
461
+ .fa-arrow-left:before {
462
+ content: "\f060";
463
+ }
464
+ .fa-arrow-right:before {
465
+ content: "\f061";
466
+ }
467
+ .fa-arrow-up:before {
468
+ content: "\f062";
469
+ }
470
+ .fa-arrow-down:before {
471
+ content: "\f063";
472
+ }
473
+ .fa-mail-forward:before,
474
+ .fa-share:before {
475
+ content: "\f064";
476
+ }
477
+ .fa-expand:before {
478
+ content: "\f065";
479
+ }
480
+ .fa-compress:before {
481
+ content: "\f066";
482
+ }
483
+ .fa-plus:before {
484
+ content: "\f067";
485
+ }
486
+ .fa-minus:before {
487
+ content: "\f068";
488
+ }
489
+ .fa-asterisk:before {
490
+ content: "\f069";
491
+ }
492
+ .fa-exclamation-circle:before {
493
+ content: "\f06a";
494
+ }
495
+ .fa-gift:before {
496
+ content: "\f06b";
497
+ }
498
+ .fa-leaf:before {
499
+ content: "\f06c";
500
+ }
501
+ .fa-fire:before {
502
+ content: "\f06d";
503
+ }
504
+ .fa-eye:before {
505
+ content: "\f06e";
506
+ }
507
+ .fa-eye-slash:before {
508
+ content: "\f070";
509
+ }
510
+ .fa-warning:before,
511
+ .fa-exclamation-triangle:before {
512
+ content: "\f071";
513
+ }
514
+ .fa-plane:before {
515
+ content: "\f072";
516
+ }
517
+ .fa-calendar:before {
518
+ content: "\f073";
519
+ }
520
+ .fa-random:before {
521
+ content: "\f074";
522
+ }
523
+ .fa-comment:before {
524
+ content: "\f075";
525
+ }
526
+ .fa-magnet:before {
527
+ content: "\f076";
528
+ }
529
+ .fa-chevron-up:before {
530
+ content: "\f077";
531
+ }
532
+ .fa-chevron-down:before {
533
+ content: "\f078";
534
+ }
535
+ .fa-retweet:before {
536
+ content: "\f079";
537
+ }
538
+ .fa-shopping-cart:before {
539
+ content: "\f07a";
540
+ }
541
+ .fa-folder:before {
542
+ content: "\f07b";
543
+ }
544
+ .fa-folder-open:before {
545
+ content: "\f07c";
546
+ }
547
+ .fa-arrows-v:before {
548
+ content: "\f07d";
549
+ }
550
+ .fa-arrows-h:before {
551
+ content: "\f07e";
552
+ }
553
+ .fa-bar-chart-o:before,
554
+ .fa-bar-chart:before {
555
+ content: "\f080";
556
+ }
557
+ .fa-twitter-square:before {
558
+ content: "\f081";
559
+ }
560
+ .fa-facebook-square:before {
561
+ content: "\f082";
562
+ }
563
+ .fa-camera-retro:before {
564
+ content: "\f083";
565
+ }
566
+ .fa-key:before {
567
+ content: "\f084";
568
+ }
569
+ .fa-gears:before,
570
+ .fa-cogs:before {
571
+ content: "\f085";
572
+ }
573
+ .fa-comments:before {
574
+ content: "\f086";
575
+ }
576
+ .fa-thumbs-o-up:before {
577
+ content: "\f087";
578
+ }
579
+ .fa-thumbs-o-down:before {
580
+ content: "\f088";
581
+ }
582
+ .fa-star-half:before {
583
+ content: "\f089";
584
+ }
585
+ .fa-heart-o:before {
586
+ content: "\f08a";
587
+ }
588
+ .fa-sign-out:before {
589
+ content: "\f08b";
590
+ }
591
+ .fa-linkedin-square:before {
592
+ content: "\f08c";
593
+ }
594
+ .fa-thumb-tack:before {
595
+ content: "\f08d";
596
+ }
597
+ .fa-external-link:before {
598
+ content: "\f08e";
599
+ }
600
+ .fa-sign-in:before {
601
+ content: "\f090";
602
+ }
603
+ .fa-trophy:before {
604
+ content: "\f091";
605
+ }
606
+ .fa-github-square:before {
607
+ content: "\f092";
608
+ }
609
+ .fa-upload:before {
610
+ content: "\f093";
611
+ }
612
+ .fa-lemon-o:before {
613
+ content: "\f094";
614
+ }
615
+ .fa-phone:before {
616
+ content: "\f095";
617
+ }
618
+ .fa-square-o:before {
619
+ content: "\f096";
620
+ }
621
+ .fa-bookmark-o:before {
622
+ content: "\f097";
623
+ }
624
+ .fa-phone-square:before {
625
+ content: "\f098";
626
+ }
627
+ .fa-twitter:before {
628
+ content: "\f099";
629
+ }
630
+ .fa-facebook-f:before,
631
+ .fa-facebook:before {
632
+ content: "\f09a";
633
+ }
634
+ .fa-github:before {
635
+ content: "\f09b";
636
+ }
637
+ .fa-unlock:before {
638
+ content: "\f09c";
639
+ }
640
+ .fa-credit-card:before {
641
+ content: "\f09d";
642
+ }
643
+ .fa-feed:before,
644
+ .fa-rss:before {
645
+ content: "\f09e";
646
+ }
647
+ .fa-hdd-o:before {
648
+ content: "\f0a0";
649
+ }
650
+ .fa-bullhorn:before {
651
+ content: "\f0a1";
652
+ }
653
+ .fa-bell:before {
654
+ content: "\f0f3";
655
+ }
656
+ .fa-certificate:before {
657
+ content: "\f0a3";
658
+ }
659
+ .fa-hand-o-right:before {
660
+ content: "\f0a4";
661
+ }
662
+ .fa-hand-o-left:before {
663
+ content: "\f0a5";
664
+ }
665
+ .fa-hand-o-up:before {
666
+ content: "\f0a6";
667
+ }
668
+ .fa-hand-o-down:before {
669
+ content: "\f0a7";
670
+ }
671
+ .fa-arrow-circle-left:before {
672
+ content: "\f0a8";
673
+ }
674
+ .fa-arrow-circle-right:before {
675
+ content: "\f0a9";
676
+ }
677
+ .fa-arrow-circle-up:before {
678
+ content: "\f0aa";
679
+ }
680
+ .fa-arrow-circle-down:before {
681
+ content: "\f0ab";
682
+ }
683
+ .fa-globe:before {
684
+ content: "\f0ac";
685
+ }
686
+ .fa-wrench:before {
687
+ content: "\f0ad";
688
+ }
689
+ .fa-tasks:before {
690
+ content: "\f0ae";
691
+ }
692
+ .fa-filter:before {
693
+ content: "\f0b0";
694
+ }
695
+ .fa-briefcase:before {
696
+ content: "\f0b1";
697
+ }
698
+ .fa-arrows-alt:before {
699
+ content: "\f0b2";
700
+ }
701
+ .fa-group:before,
702
+ .fa-users:before {
703
+ content: "\f0c0";
704
+ }
705
+ .fa-chain:before,
706
+ .fa-link:before {
707
+ content: "\f0c1";
708
+ }
709
+ .fa-cloud:before {
710
+ content: "\f0c2";
711
+ }
712
+ .fa-flask:before {
713
+ content: "\f0c3";
714
+ }
715
+ .fa-cut:before,
716
+ .fa-scissors:before {
717
+ content: "\f0c4";
718
+ }
719
+ .fa-copy:before,
720
+ .fa-files-o:before {
721
+ content: "\f0c5";
722
+ }
723
+ .fa-paperclip:before {
724
+ content: "\f0c6";
725
+ }
726
+ .fa-save:before,
727
+ .fa-floppy-o:before {
728
+ content: "\f0c7";
729
+ }
730
+ .fa-square:before {
731
+ content: "\f0c8";
732
+ }
733
+ .fa-navicon:before,
734
+ .fa-reorder:before,
735
+ .fa-bars:before {
736
+ content: "\f0c9";
737
+ }
738
+ .fa-list-ul:before {
739
+ content: "\f0ca";
740
+ }
741
+ .fa-list-ol:before {
742
+ content: "\f0cb";
743
+ }
744
+ .fa-strikethrough:before {
745
+ content: "\f0cc";
746
+ }
747
+ .fa-underline:before {
748
+ content: "\f0cd";
749
+ }
750
+ .fa-table:before {
751
+ content: "\f0ce";
752
+ }
753
+ .fa-magic:before {
754
+ content: "\f0d0";
755
+ }
756
+ .fa-truck:before {
757
+ content: "\f0d1";
758
+ }
759
+ .fa-pinterest:before {
760
+ content: "\f0d2";
761
+ }
762
+ .fa-pinterest-square:before {
763
+ content: "\f0d3";
764
+ }
765
+ .fa-google-plus-square:before {
766
+ content: "\f0d4";
767
+ }
768
+ .fa-google-plus:before {
769
+ content: "\f0d5";
770
+ }
771
+ .fa-money:before {
772
+ content: "\f0d6";
773
+ }
774
+ .fa-caret-down:before {
775
+ content: "\f0d7";
776
+ }
777
+ .fa-caret-up:before {
778
+ content: "\f0d8";
779
+ }
780
+ .fa-caret-left:before {
781
+ content: "\f0d9";
782
+ }
783
+ .fa-caret-right:before {
784
+ content: "\f0da";
785
+ }
786
+ .fa-columns:before {
787
+ content: "\f0db";
788
+ }
789
+ .fa-unsorted:before,
790
+ .fa-sort:before {
791
+ content: "\f0dc";
792
+ }
793
+ .fa-sort-down:before,
794
+ .fa-sort-desc:before {
795
+ content: "\f0dd";
796
+ }
797
+ .fa-sort-up:before,
798
+ .fa-sort-asc:before {
799
+ content: "\f0de";
800
+ }
801
+ .fa-envelope:before {
802
+ content: "\f0e0";
803
+ }
804
+ .fa-linkedin:before {
805
+ content: "\f0e1";
806
+ }
807
+ .fa-rotate-left:before,
808
+ .fa-undo:before {
809
+ content: "\f0e2";
810
+ }
811
+ .fa-legal:before,
812
+ .fa-gavel:before {
813
+ content: "\f0e3";
814
+ }
815
+ .fa-dashboard:before,
816
+ .fa-tachometer:before {
817
+ content: "\f0e4";
818
+ }
819
+ .fa-comment-o:before {
820
+ content: "\f0e5";
821
+ }
822
+ .fa-comments-o:before {
823
+ content: "\f0e6";
824
+ }
825
+ .fa-flash:before,
826
+ .fa-bolt:before {
827
+ content: "\f0e7";
828
+ }
829
+ .fa-sitemap:before {
830
+ content: "\f0e8";
831
+ }
832
+ .fa-umbrella:before {
833
+ content: "\f0e9";
834
+ }
835
+ .fa-paste:before,
836
+ .fa-clipboard:before {
837
+ content: "\f0ea";
838
+ }
839
+ .fa-lightbulb-o:before {
840
+ content: "\f0eb";
841
+ }
842
+ .fa-exchange:before {
843
+ content: "\f0ec";
844
+ }
845
+ .fa-cloud-download:before {
846
+ content: "\f0ed";
847
+ }
848
+ .fa-cloud-upload:before {
849
+ content: "\f0ee";
850
+ }
851
+ .fa-user-md:before {
852
+ content: "\f0f0";
853
+ }
854
+ .fa-stethoscope:before {
855
+ content: "\f0f1";
856
+ }
857
+ .fa-suitcase:before {
858
+ content: "\f0f2";
859
+ }
860
+ .fa-bell-o:before {
861
+ content: "\f0a2";
862
+ }
863
+ .fa-coffee:before {
864
+ content: "\f0f4";
865
+ }
866
+ .fa-cutlery:before {
867
+ content: "\f0f5";
868
+ }
869
+ .fa-file-text-o:before {
870
+ content: "\f0f6";
871
+ }
872
+ .fa-building-o:before {
873
+ content: "\f0f7";
874
+ }
875
+ .fa-hospital-o:before {
876
+ content: "\f0f8";
877
+ }
878
+ .fa-ambulance:before {
879
+ content: "\f0f9";
880
+ }
881
+ .fa-medkit:before {
882
+ content: "\f0fa";
883
+ }
884
+ .fa-fighter-jet:before {
885
+ content: "\f0fb";
886
+ }
887
+ .fa-beer:before {
888
+ content: "\f0fc";
889
+ }
890
+ .fa-h-square:before {
891
+ content: "\f0fd";
892
+ }
893
+ .fa-plus-square:before {
894
+ content: "\f0fe";
895
+ }
896
+ .fa-angle-double-left:before {
897
+ content: "\f100";
898
+ }
899
+ .fa-angle-double-right:before {
900
+ content: "\f101";
901
+ }
902
+ .fa-angle-double-up:before {
903
+ content: "\f102";
904
+ }
905
+ .fa-angle-double-down:before {
906
+ content: "\f103";
907
+ }
908
+ .fa-angle-left:before {
909
+ content: "\f104";
910
+ }
911
+ .fa-angle-right:before {
912
+ content: "\f105";
913
+ }
914
+ .fa-angle-up:before {
915
+ content: "\f106";
916
+ }
917
+ .fa-angle-down:before {
918
+ content: "\f107";
919
+ }
920
+ .fa-desktop:before {
921
+ content: "\f108";
922
+ }
923
+ .fa-laptop:before {
924
+ content: "\f109";
925
+ }
926
+ .fa-tablet:before {
927
+ content: "\f10a";
928
+ }
929
+ .fa-mobile-phone:before,
930
+ .fa-mobile:before {
931
+ content: "\f10b";
932
+ }
933
+ .fa-circle-o:before {
934
+ content: "\f10c";
935
+ }
936
+ .fa-quote-left:before {
937
+ content: "\f10d";
938
+ }
939
+ .fa-quote-right:before {
940
+ content: "\f10e";
941
+ }
942
+ .fa-spinner:before {
943
+ content: "\f110";
944
+ }
945
+ .fa-circle:before {
946
+ content: "\f111";
947
+ }
948
+ .fa-mail-reply:before,
949
+ .fa-reply:before {
950
+ content: "\f112";
951
+ }
952
+ .fa-github-alt:before {
953
+ content: "\f113";
954
+ }
955
+ .fa-folder-o:before {
956
+ content: "\f114";
957
+ }
958
+ .fa-folder-open-o:before {
959
+ content: "\f115";
960
+ }
961
+ .fa-smile-o:before {
962
+ content: "\f118";
963
+ }
964
+ .fa-frown-o:before {
965
+ content: "\f119";
966
+ }
967
+ .fa-meh-o:before {
968
+ content: "\f11a";
969
+ }
970
+ .fa-gamepad:before {
971
+ content: "\f11b";
972
+ }
973
+ .fa-keyboard-o:before {
974
+ content: "\f11c";
975
+ }
976
+ .fa-flag-o:before {
977
+ content: "\f11d";
978
+ }
979
+ .fa-flag-checkered:before {
980
+ content: "\f11e";
981
+ }
982
+ .fa-terminal:before {
983
+ content: "\f120";
984
+ }
985
+ .fa-code:before {
986
+ content: "\f121";
987
+ }
988
+ .fa-mail-reply-all:before,
989
+ .fa-reply-all:before {
990
+ content: "\f122";
991
+ }
992
+ .fa-star-half-empty:before,
993
+ .fa-star-half-full:before,
994
+ .fa-star-half-o:before {
995
+ content: "\f123";
996
+ }
997
+ .fa-location-arrow:before {
998
+ content: "\f124";
999
+ }
1000
+ .fa-crop:before {
1001
+ content: "\f125";
1002
+ }
1003
+ .fa-code-fork:before {
1004
+ content: "\f126";
1005
+ }
1006
+ .fa-unlink:before,
1007
+ .fa-chain-broken:before {
1008
+ content: "\f127";
1009
+ }
1010
+ .fa-question:before {
1011
+ content: "\f128";
1012
+ }
1013
+ .fa-info:before {
1014
+ content: "\f129";
1015
+ }
1016
+ .fa-exclamation:before {
1017
+ content: "\f12a";
1018
+ }
1019
+ .fa-superscript:before {
1020
+ content: "\f12b";
1021
+ }
1022
+ .fa-subscript:before {
1023
+ content: "\f12c";
1024
+ }
1025
+ .fa-eraser:before {
1026
+ content: "\f12d";
1027
+ }
1028
+ .fa-puzzle-piece:before {
1029
+ content: "\f12e";
1030
+ }
1031
+ .fa-microphone:before {
1032
+ content: "\f130";
1033
+ }
1034
+ .fa-microphone-slash:before {
1035
+ content: "\f131";
1036
+ }
1037
+ .fa-shield:before {
1038
+ content: "\f132";
1039
+ }
1040
+ .fa-calendar-o:before {
1041
+ content: "\f133";
1042
+ }
1043
+ .fa-fire-extinguisher:before {
1044
+ content: "\f134";
1045
+ }
1046
+ .fa-rocket:before {
1047
+ content: "\f135";
1048
+ }
1049
+ .fa-maxcdn:before {
1050
+ content: "\f136";
1051
+ }
1052
+ .fa-chevron-circle-left:before {
1053
+ content: "\f137";
1054
+ }
1055
+ .fa-chevron-circle-right:before {
1056
+ content: "\f138";
1057
+ }
1058
+ .fa-chevron-circle-up:before {
1059
+ content: "\f139";
1060
+ }
1061
+ .fa-chevron-circle-down:before {
1062
+ content: "\f13a";
1063
+ }
1064
+ .fa-html5:before {
1065
+ content: "\f13b";
1066
+ }
1067
+ .fa-css3:before {
1068
+ content: "\f13c";
1069
+ }
1070
+ .fa-anchor:before {
1071
+ content: "\f13d";
1072
+ }
1073
+ .fa-unlock-alt:before {
1074
+ content: "\f13e";
1075
+ }
1076
+ .fa-bullseye:before {
1077
+ content: "\f140";
1078
+ }
1079
+ .fa-ellipsis-h:before {
1080
+ content: "\f141";
1081
+ }
1082
+ .fa-ellipsis-v:before {
1083
+ content: "\f142";
1084
+ }
1085
+ .fa-rss-square:before {
1086
+ content: "\f143";
1087
+ }
1088
+ .fa-play-circle:before {
1089
+ content: "\f144";
1090
+ }
1091
+ .fa-ticket:before {
1092
+ content: "\f145";
1093
+ }
1094
+ .fa-minus-square:before {
1095
+ content: "\f146";
1096
+ }
1097
+ .fa-minus-square-o:before {
1098
+ content: "\f147";
1099
+ }
1100
+ .fa-level-up:before {
1101
+ content: "\f148";
1102
+ }
1103
+ .fa-level-down:before {
1104
+ content: "\f149";
1105
+ }
1106
+ .fa-check-square:before {
1107
+ content: "\f14a";
1108
+ }
1109
+ .fa-pencil-square:before {
1110
+ content: "\f14b";
1111
+ }
1112
+ .fa-external-link-square:before {
1113
+ content: "\f14c";
1114
+ }
1115
+ .fa-share-square:before {
1116
+ content: "\f14d";
1117
+ }
1118
+ .fa-compass:before {
1119
+ content: "\f14e";
1120
+ }
1121
+ .fa-toggle-down:before,
1122
+ .fa-caret-square-o-down:before {
1123
+ content: "\f150";
1124
+ }
1125
+ .fa-toggle-up:before,
1126
+ .fa-caret-square-o-up:before {
1127
+ content: "\f151";
1128
+ }
1129
+ .fa-toggle-right:before,
1130
+ .fa-caret-square-o-right:before {
1131
+ content: "\f152";
1132
+ }
1133
+ .fa-euro:before,
1134
+ .fa-eur:before {
1135
+ content: "\f153";
1136
+ }
1137
+ .fa-gbp:before {
1138
+ content: "\f154";
1139
+ }
1140
+ .fa-dollar:before,
1141
+ .fa-usd:before {
1142
+ content: "\f155";
1143
+ }
1144
+ .fa-rupee:before,
1145
+ .fa-inr:before {
1146
+ content: "\f156";
1147
+ }
1148
+ .fa-cny:before,
1149
+ .fa-rmb:before,
1150
+ .fa-yen:before,
1151
+ .fa-jpy:before {
1152
+ content: "\f157";
1153
+ }
1154
+ .fa-ruble:before,
1155
+ .fa-rouble:before,
1156
+ .fa-rub:before {
1157
+ content: "\f158";
1158
+ }
1159
+ .fa-won:before,
1160
+ .fa-krw:before {
1161
+ content: "\f159";
1162
+ }
1163
+ .fa-bitcoin:before,
1164
+ .fa-btc:before {
1165
+ content: "\f15a";
1166
+ }
1167
+ .fa-file:before {
1168
+ content: "\f15b";
1169
+ }
1170
+ .fa-file-text:before {
1171
+ content: "\f15c";
1172
+ }
1173
+ .fa-sort-alpha-asc:before {
1174
+ content: "\f15d";
1175
+ }
1176
+ .fa-sort-alpha-desc:before {
1177
+ content: "\f15e";
1178
+ }
1179
+ .fa-sort-amount-asc:before {
1180
+ content: "\f160";
1181
+ }
1182
+ .fa-sort-amount-desc:before {
1183
+ content: "\f161";
1184
+ }
1185
+ .fa-sort-numeric-asc:before {
1186
+ content: "\f162";
1187
+ }
1188
+ .fa-sort-numeric-desc:before {
1189
+ content: "\f163";
1190
+ }
1191
+ .fa-thumbs-up:before {
1192
+ content: "\f164";
1193
+ }
1194
+ .fa-thumbs-down:before {
1195
+ content: "\f165";
1196
+ }
1197
+ .fa-youtube-square:before {
1198
+ content: "\f166";
1199
+ }
1200
+ .fa-youtube:before {
1201
+ content: "\f167";
1202
+ }
1203
+ .fa-xing:before {
1204
+ content: "\f168";
1205
+ }
1206
+ .fa-xing-square:before {
1207
+ content: "\f169";
1208
+ }
1209
+ .fa-youtube-play:before {
1210
+ content: "\f16a";
1211
+ }
1212
+ .fa-dropbox:before {
1213
+ content: "\f16b";
1214
+ }
1215
+ .fa-stack-overflow:before {
1216
+ content: "\f16c";
1217
+ }
1218
+ .fa-instagram:before {
1219
+ content: "\f16d";
1220
+ }
1221
+ .fa-flickr:before {
1222
+ content: "\f16e";
1223
+ }
1224
+ .fa-adn:before {
1225
+ content: "\f170";
1226
+ }
1227
+ .fa-bitbucket:before {
1228
+ content: "\f171";
1229
+ }
1230
+ .fa-bitbucket-square:before {
1231
+ content: "\f172";
1232
+ }
1233
+ .fa-tumblr:before {
1234
+ content: "\f173";
1235
+ }
1236
+ .fa-tumblr-square:before {
1237
+ content: "\f174";
1238
+ }
1239
+ .fa-long-arrow-down:before {
1240
+ content: "\f175";
1241
+ }
1242
+ .fa-long-arrow-up:before {
1243
+ content: "\f176";
1244
+ }
1245
+ .fa-long-arrow-left:before {
1246
+ content: "\f177";
1247
+ }
1248
+ .fa-long-arrow-right:before {
1249
+ content: "\f178";
1250
+ }
1251
+ .fa-apple:before {
1252
+ content: "\f179";
1253
+ }
1254
+ .fa-windows:before {
1255
+ content: "\f17a";
1256
+ }
1257
+ .fa-android:before {
1258
+ content: "\f17b";
1259
+ }
1260
+ .fa-linux:before {
1261
+ content: "\f17c";
1262
+ }
1263
+ .fa-dribbble:before {
1264
+ content: "\f17d";
1265
+ }
1266
+ .fa-skype:before {
1267
+ content: "\f17e";
1268
+ }
1269
+ .fa-foursquare:before {
1270
+ content: "\f180";
1271
+ }
1272
+ .fa-trello:before {
1273
+ content: "\f181";
1274
+ }
1275
+ .fa-female:before {
1276
+ content: "\f182";
1277
+ }
1278
+ .fa-male:before {
1279
+ content: "\f183";
1280
+ }
1281
+ .fa-gittip:before,
1282
+ .fa-gratipay:before {
1283
+ content: "\f184";
1284
+ }
1285
+ .fa-sun-o:before {
1286
+ content: "\f185";
1287
+ }
1288
+ .fa-moon-o:before {
1289
+ content: "\f186";
1290
+ }
1291
+ .fa-archive:before {
1292
+ content: "\f187";
1293
+ }
1294
+ .fa-bug:before {
1295
+ content: "\f188";
1296
+ }
1297
+ .fa-vk:before {
1298
+ content: "\f189";
1299
+ }
1300
+ .fa-weibo:before {
1301
+ content: "\f18a";
1302
+ }
1303
+ .fa-renren:before {
1304
+ content: "\f18b";
1305
+ }
1306
+ .fa-pagelines:before {
1307
+ content: "\f18c";
1308
+ }
1309
+ .fa-stack-exchange:before {
1310
+ content: "\f18d";
1311
+ }
1312
+ .fa-arrow-circle-o-right:before {
1313
+ content: "\f18e";
1314
+ }
1315
+ .fa-arrow-circle-o-left:before {
1316
+ content: "\f190";
1317
+ }
1318
+ .fa-toggle-left:before,
1319
+ .fa-caret-square-o-left:before {
1320
+ content: "\f191";
1321
+ }
1322
+ .fa-dot-circle-o:before {
1323
+ content: "\f192";
1324
+ }
1325
+ .fa-wheelchair:before {
1326
+ content: "\f193";
1327
+ }
1328
+ .fa-vimeo-square:before {
1329
+ content: "\f194";
1330
+ }
1331
+ .fa-turkish-lira:before,
1332
+ .fa-try:before {
1333
+ content: "\f195";
1334
+ }
1335
+ .fa-plus-square-o:before {
1336
+ content: "\f196";
1337
+ }
1338
+ .fa-space-shuttle:before {
1339
+ content: "\f197";
1340
+ }
1341
+ .fa-slack:before {
1342
+ content: "\f198";
1343
+ }
1344
+ .fa-envelope-square:before {
1345
+ content: "\f199";
1346
+ }
1347
+ .fa-wordpress:before {
1348
+ content: "\f19a";
1349
+ }
1350
+ .fa-openid:before {
1351
+ content: "\f19b";
1352
+ }
1353
+ .fa-institution:before,
1354
+ .fa-bank:before,
1355
+ .fa-university:before {
1356
+ content: "\f19c";
1357
+ }
1358
+ .fa-mortar-board:before,
1359
+ .fa-graduation-cap:before {
1360
+ content: "\f19d";
1361
+ }
1362
+ .fa-yahoo:before {
1363
+ content: "\f19e";
1364
+ }
1365
+ .fa-google:before {
1366
+ content: "\f1a0";
1367
+ }
1368
+ .fa-reddit:before {
1369
+ content: "\f1a1";
1370
+ }
1371
+ .fa-reddit-square:before {
1372
+ content: "\f1a2";
1373
+ }
1374
+ .fa-stumbleupon-circle:before {
1375
+ content: "\f1a3";
1376
+ }
1377
+ .fa-stumbleupon:before {
1378
+ content: "\f1a4";
1379
+ }
1380
+ .fa-delicious:before {
1381
+ content: "\f1a5";
1382
+ }
1383
+ .fa-digg:before {
1384
+ content: "\f1a6";
1385
+ }
1386
+ .fa-pied-piper-pp:before {
1387
+ content: "\f1a7";
1388
+ }
1389
+ .fa-pied-piper-alt:before {
1390
+ content: "\f1a8";
1391
+ }
1392
+ .fa-drupal:before {
1393
+ content: "\f1a9";
1394
+ }
1395
+ .fa-joomla:before {
1396
+ content: "\f1aa";
1397
+ }
1398
+ .fa-language:before {
1399
+ content: "\f1ab";
1400
+ }
1401
+ .fa-fax:before {
1402
+ content: "\f1ac";
1403
+ }
1404
+ .fa-building:before {
1405
+ content: "\f1ad";
1406
+ }
1407
+ .fa-child:before {
1408
+ content: "\f1ae";
1409
+ }
1410
+ .fa-paw:before {
1411
+ content: "\f1b0";
1412
+ }
1413
+ .fa-spoon:before {
1414
+ content: "\f1b1";
1415
+ }
1416
+ .fa-cube:before {
1417
+ content: "\f1b2";
1418
+ }
1419
+ .fa-cubes:before {
1420
+ content: "\f1b3";
1421
+ }
1422
+ .fa-behance:before {
1423
+ content: "\f1b4";
1424
+ }
1425
+ .fa-behance-square:before {
1426
+ content: "\f1b5";
1427
+ }
1428
+ .fa-steam:before {
1429
+ content: "\f1b6";
1430
+ }
1431
+ .fa-steam-square:before {
1432
+ content: "\f1b7";
1433
+ }
1434
+ .fa-recycle:before {
1435
+ content: "\f1b8";
1436
+ }
1437
+ .fa-automobile:before,
1438
+ .fa-car:before {
1439
+ content: "\f1b9";
1440
+ }
1441
+ .fa-cab:before,
1442
+ .fa-taxi:before {
1443
+ content: "\f1ba";
1444
+ }
1445
+ .fa-tree:before {
1446
+ content: "\f1bb";
1447
+ }
1448
+ .fa-spotify:before {
1449
+ content: "\f1bc";
1450
+ }
1451
+ .fa-deviantart:before {
1452
+ content: "\f1bd";
1453
+ }
1454
+ .fa-soundcloud:before {
1455
+ content: "\f1be";
1456
+ }
1457
+ .fa-database:before {
1458
+ content: "\f1c0";
1459
+ }
1460
+ .fa-file-pdf-o:before {
1461
+ content: "\f1c1";
1462
+ }
1463
+ .fa-file-word-o:before {
1464
+ content: "\f1c2";
1465
+ }
1466
+ .fa-file-excel-o:before {
1467
+ content: "\f1c3";
1468
+ }
1469
+ .fa-file-powerpoint-o:before {
1470
+ content: "\f1c4";
1471
+ }
1472
+ .fa-file-photo-o:before,
1473
+ .fa-file-picture-o:before,
1474
+ .fa-file-image-o:before {
1475
+ content: "\f1c5";
1476
+ }
1477
+ .fa-file-zip-o:before,
1478
+ .fa-file-archive-o:before {
1479
+ content: "\f1c6";
1480
+ }
1481
+ .fa-file-sound-o:before,
1482
+ .fa-file-audio-o:before {
1483
+ content: "\f1c7";
1484
+ }
1485
+ .fa-file-movie-o:before,
1486
+ .fa-file-video-o:before {
1487
+ content: "\f1c8";
1488
+ }
1489
+ .fa-file-code-o:before {
1490
+ content: "\f1c9";
1491
+ }
1492
+ .fa-vine:before {
1493
+ content: "\f1ca";
1494
+ }
1495
+ .fa-codepen:before {
1496
+ content: "\f1cb";
1497
+ }
1498
+ .fa-jsfiddle:before {
1499
+ content: "\f1cc";
1500
+ }
1501
+ .fa-life-bouy:before,
1502
+ .fa-life-buoy:before,
1503
+ .fa-life-saver:before,
1504
+ .fa-support:before,
1505
+ .fa-life-ring:before {
1506
+ content: "\f1cd";
1507
+ }
1508
+ .fa-circle-o-notch:before {
1509
+ content: "\f1ce";
1510
+ }
1511
+ .fa-ra:before,
1512
+ .fa-resistance:before,
1513
+ .fa-rebel:before {
1514
+ content: "\f1d0";
1515
+ }
1516
+ .fa-ge:before,
1517
+ .fa-empire:before {
1518
+ content: "\f1d1";
1519
+ }
1520
+ .fa-git-square:before {
1521
+ content: "\f1d2";
1522
+ }
1523
+ .fa-git:before {
1524
+ content: "\f1d3";
1525
+ }
1526
+ .fa-y-combinator-square:before,
1527
+ .fa-yc-square:before,
1528
+ .fa-hacker-news:before {
1529
+ content: "\f1d4";
1530
+ }
1531
+ .fa-tencent-weibo:before {
1532
+ content: "\f1d5";
1533
+ }
1534
+ .fa-qq:before {
1535
+ content: "\f1d6";
1536
+ }
1537
+ .fa-wechat:before,
1538
+ .fa-weixin:before {
1539
+ content: "\f1d7";
1540
+ }
1541
+ .fa-send:before,
1542
+ .fa-paper-plane:before {
1543
+ content: "\f1d8";
1544
+ }
1545
+ .fa-send-o:before,
1546
+ .fa-paper-plane-o:before {
1547
+ content: "\f1d9";
1548
+ }
1549
+ .fa-history:before {
1550
+ content: "\f1da";
1551
+ }
1552
+ .fa-circle-thin:before {
1553
+ content: "\f1db";
1554
+ }
1555
+ .fa-header:before {
1556
+ content: "\f1dc";
1557
+ }
1558
+ .fa-paragraph:before {
1559
+ content: "\f1dd";
1560
+ }
1561
+ .fa-sliders:before {
1562
+ content: "\f1de";
1563
+ }
1564
+ .fa-share-alt:before {
1565
+ content: "\f1e0";
1566
+ }
1567
+ .fa-share-alt-square:before {
1568
+ content: "\f1e1";
1569
+ }
1570
+ .fa-bomb:before {
1571
+ content: "\f1e2";
1572
+ }
1573
+ .fa-soccer-ball-o:before,
1574
+ .fa-futbol-o:before {
1575
+ content: "\f1e3";
1576
+ }
1577
+ .fa-tty:before {
1578
+ content: "\f1e4";
1579
+ }
1580
+ .fa-binoculars:before {
1581
+ content: "\f1e5";
1582
+ }
1583
+ .fa-plug:before {
1584
+ content: "\f1e6";
1585
+ }
1586
+ .fa-slideshare:before {
1587
+ content: "\f1e7";
1588
+ }
1589
+ .fa-twitch:before {
1590
+ content: "\f1e8";
1591
+ }
1592
+ .fa-yelp:before {
1593
+ content: "\f1e9";
1594
+ }
1595
+ .fa-newspaper-o:before {
1596
+ content: "\f1ea";
1597
+ }
1598
+ .fa-wifi:before {
1599
+ content: "\f1eb";
1600
+ }
1601
+ .fa-calculator:before {
1602
+ content: "\f1ec";
1603
+ }
1604
+ .fa-paypal:before {
1605
+ content: "\f1ed";
1606
+ }
1607
+ .fa-google-wallet:before {
1608
+ content: "\f1ee";
1609
+ }
1610
+ .fa-cc-visa:before {
1611
+ content: "\f1f0";
1612
+ }
1613
+ .fa-cc-mastercard:before {
1614
+ content: "\f1f1";
1615
+ }
1616
+ .fa-cc-discover:before {
1617
+ content: "\f1f2";
1618
+ }
1619
+ .fa-cc-amex:before {
1620
+ content: "\f1f3";
1621
+ }
1622
+ .fa-cc-paypal:before {
1623
+ content: "\f1f4";
1624
+ }
1625
+ .fa-cc-stripe:before {
1626
+ content: "\f1f5";
1627
+ }
1628
+ .fa-bell-slash:before {
1629
+ content: "\f1f6";
1630
+ }
1631
+ .fa-bell-slash-o:before {
1632
+ content: "\f1f7";
1633
+ }
1634
+ .fa-trash:before {
1635
+ content: "\f1f8";
1636
+ }
1637
+ .fa-copyright:before {
1638
+ content: "\f1f9";
1639
+ }
1640
+ .fa-at:before {
1641
+ content: "\f1fa";
1642
+ }
1643
+ .fa-eyedropper:before {
1644
+ content: "\f1fb";
1645
+ }
1646
+ .fa-paint-brush:before {
1647
+ content: "\f1fc";
1648
+ }
1649
+ .fa-birthday-cake:before {
1650
+ content: "\f1fd";
1651
+ }
1652
+ .fa-area-chart:before {
1653
+ content: "\f1fe";
1654
+ }
1655
+ .fa-pie-chart:before {
1656
+ content: "\f200";
1657
+ }
1658
+ .fa-line-chart:before {
1659
+ content: "\f201";
1660
+ }
1661
+ .fa-lastfm:before {
1662
+ content: "\f202";
1663
+ }
1664
+ .fa-lastfm-square:before {
1665
+ content: "\f203";
1666
+ }
1667
+ .fa-toggle-off:before {
1668
+ content: "\f204";
1669
+ }
1670
+ .fa-toggle-on:before {
1671
+ content: "\f205";
1672
+ }
1673
+ .fa-bicycle:before {
1674
+ content: "\f206";
1675
+ }
1676
+ .fa-bus:before {
1677
+ content: "\f207";
1678
+ }
1679
+ .fa-ioxhost:before {
1680
+ content: "\f208";
1681
+ }
1682
+ .fa-angellist:before {
1683
+ content: "\f209";
1684
+ }
1685
+ .fa-cc:before {
1686
+ content: "\f20a";
1687
+ }
1688
+ .fa-shekel:before,
1689
+ .fa-sheqel:before,
1690
+ .fa-ils:before {
1691
+ content: "\f20b";
1692
+ }
1693
+ .fa-meanpath:before {
1694
+ content: "\f20c";
1695
+ }
1696
+ .fa-buysellads:before {
1697
+ content: "\f20d";
1698
+ }
1699
+ .fa-connectdevelop:before {
1700
+ content: "\f20e";
1701
+ }
1702
+ .fa-dashcube:before {
1703
+ content: "\f210";
1704
+ }
1705
+ .fa-forumbee:before {
1706
+ content: "\f211";
1707
+ }
1708
+ .fa-leanpub:before {
1709
+ content: "\f212";
1710
+ }
1711
+ .fa-sellsy:before {
1712
+ content: "\f213";
1713
+ }
1714
+ .fa-shirtsinbulk:before {
1715
+ content: "\f214";
1716
+ }
1717
+ .fa-simplybuilt:before {
1718
+ content: "\f215";
1719
+ }
1720
+ .fa-skyatlas:before {
1721
+ content: "\f216";
1722
+ }
1723
+ .fa-cart-plus:before {
1724
+ content: "\f217";
1725
+ }
1726
+ .fa-cart-arrow-down:before {
1727
+ content: "\f218";
1728
+ }
1729
+ .fa-diamond:before {
1730
+ content: "\f219";
1731
+ }
1732
+ .fa-ship:before {
1733
+ content: "\f21a";
1734
+ }
1735
+ .fa-user-secret:before {
1736
+ content: "\f21b";
1737
+ }
1738
+ .fa-motorcycle:before {
1739
+ content: "\f21c";
1740
+ }
1741
+ .fa-street-view:before {
1742
+ content: "\f21d";
1743
+ }
1744
+ .fa-heartbeat:before {
1745
+ content: "\f21e";
1746
+ }
1747
+ .fa-venus:before {
1748
+ content: "\f221";
1749
+ }
1750
+ .fa-mars:before {
1751
+ content: "\f222";
1752
+ }
1753
+ .fa-mercury:before {
1754
+ content: "\f223";
1755
+ }
1756
+ .fa-intersex:before,
1757
+ .fa-transgender:before {
1758
+ content: "\f224";
1759
+ }
1760
+ .fa-transgender-alt:before {
1761
+ content: "\f225";
1762
+ }
1763
+ .fa-venus-double:before {
1764
+ content: "\f226";
1765
+ }
1766
+ .fa-mars-double:before {
1767
+ content: "\f227";
1768
+ }
1769
+ .fa-venus-mars:before {
1770
+ content: "\f228";
1771
+ }
1772
+ .fa-mars-stroke:before {
1773
+ content: "\f229";
1774
+ }
1775
+ .fa-mars-stroke-v:before {
1776
+ content: "\f22a";
1777
+ }
1778
+ .fa-mars-stroke-h:before {
1779
+ content: "\f22b";
1780
+ }
1781
+ .fa-neuter:before {
1782
+ content: "\f22c";
1783
+ }
1784
+ .fa-genderless:before {
1785
+ content: "\f22d";
1786
+ }
1787
+ .fa-facebook-official:before {
1788
+ content: "\f230";
1789
+ }
1790
+ .fa-pinterest-p:before {
1791
+ content: "\f231";
1792
+ }
1793
+ .fa-whatsapp:before {
1794
+ content: "\f232";
1795
+ }
1796
+ .fa-server:before {
1797
+ content: "\f233";
1798
+ }
1799
+ .fa-user-plus:before {
1800
+ content: "\f234";
1801
+ }
1802
+ .fa-user-times:before {
1803
+ content: "\f235";
1804
+ }
1805
+ .fa-hotel:before,
1806
+ .fa-bed:before {
1807
+ content: "\f236";
1808
+ }
1809
+ .fa-viacoin:before {
1810
+ content: "\f237";
1811
+ }
1812
+ .fa-train:before {
1813
+ content: "\f238";
1814
+ }
1815
+ .fa-subway:before {
1816
+ content: "\f239";
1817
+ }
1818
+ .fa-medium:before {
1819
+ content: "\f23a";
1820
+ }
1821
+ .fa-yc:before,
1822
+ .fa-y-combinator:before {
1823
+ content: "\f23b";
1824
+ }
1825
+ .fa-optin-monster:before {
1826
+ content: "\f23c";
1827
+ }
1828
+ .fa-opencart:before {
1829
+ content: "\f23d";
1830
+ }
1831
+ .fa-expeditedssl:before {
1832
+ content: "\f23e";
1833
+ }
1834
+ .fa-battery-4:before,
1835
+ .fa-battery-full:before {
1836
+ content: "\f240";
1837
+ }
1838
+ .fa-battery-3:before,
1839
+ .fa-battery-three-quarters:before {
1840
+ content: "\f241";
1841
+ }
1842
+ .fa-battery-2:before,
1843
+ .fa-battery-half:before {
1844
+ content: "\f242";
1845
+ }
1846
+ .fa-battery-1:before,
1847
+ .fa-battery-quarter:before {
1848
+ content: "\f243";
1849
+ }
1850
+ .fa-battery-0:before,
1851
+ .fa-battery-empty:before {
1852
+ content: "\f244";
1853
+ }
1854
+ .fa-mouse-pointer:before {
1855
+ content: "\f245";
1856
+ }
1857
+ .fa-i-cursor:before {
1858
+ content: "\f246";
1859
+ }
1860
+ .fa-object-group:before {
1861
+ content: "\f247";
1862
+ }
1863
+ .fa-object-ungroup:before {
1864
+ content: "\f248";
1865
+ }
1866
+ .fa-sticky-note:before {
1867
+ content: "\f249";
1868
+ }
1869
+ .fa-sticky-note-o:before {
1870
+ content: "\f24a";
1871
+ }
1872
+ .fa-cc-jcb:before {
1873
+ content: "\f24b";
1874
+ }
1875
+ .fa-cc-diners-club:before {
1876
+ content: "\f24c";
1877
+ }
1878
+ .fa-clone:before {
1879
+ content: "\f24d";
1880
+ }
1881
+ .fa-balance-scale:before {
1882
+ content: "\f24e";
1883
+ }
1884
+ .fa-hourglass-o:before {
1885
+ content: "\f250";
1886
+ }
1887
+ .fa-hourglass-1:before,
1888
+ .fa-hourglass-start:before {
1889
+ content: "\f251";
1890
+ }
1891
+ .fa-hourglass-2:before,
1892
+ .fa-hourglass-half:before {
1893
+ content: "\f252";
1894
+ }
1895
+ .fa-hourglass-3:before,
1896
+ .fa-hourglass-end:before {
1897
+ content: "\f253";
1898
+ }
1899
+ .fa-hourglass:before {
1900
+ content: "\f254";
1901
+ }
1902
+ .fa-hand-grab-o:before,
1903
+ .fa-hand-rock-o:before {
1904
+ content: "\f255";
1905
+ }
1906
+ .fa-hand-stop-o:before,
1907
+ .fa-hand-paper-o:before {
1908
+ content: "\f256";
1909
+ }
1910
+ .fa-hand-scissors-o:before {
1911
+ content: "\f257";
1912
+ }
1913
+ .fa-hand-lizard-o:before {
1914
+ content: "\f258";
1915
+ }
1916
+ .fa-hand-spock-o:before {
1917
+ content: "\f259";
1918
+ }
1919
+ .fa-hand-pointer-o:before {
1920
+ content: "\f25a";
1921
+ }
1922
+ .fa-hand-peace-o:before {
1923
+ content: "\f25b";
1924
+ }
1925
+ .fa-trademark:before {
1926
+ content: "\f25c";
1927
+ }
1928
+ .fa-registered:before {
1929
+ content: "\f25d";
1930
+ }
1931
+ .fa-creative-commons:before {
1932
+ content: "\f25e";
1933
+ }
1934
+ .fa-gg:before {
1935
+ content: "\f260";
1936
+ }
1937
+ .fa-gg-circle:before {
1938
+ content: "\f261";
1939
+ }
1940
+ .fa-tripadvisor:before {
1941
+ content: "\f262";
1942
+ }
1943
+ .fa-odnoklassniki:before {
1944
+ content: "\f263";
1945
+ }
1946
+ .fa-odnoklassniki-square:before {
1947
+ content: "\f264";
1948
+ }
1949
+ .fa-get-pocket:before {
1950
+ content: "\f265";
1951
+ }
1952
+ .fa-wikipedia-w:before {
1953
+ content: "\f266";
1954
+ }
1955
+ .fa-safari:before {
1956
+ content: "\f267";
1957
+ }
1958
+ .fa-chrome:before {
1959
+ content: "\f268";
1960
+ }
1961
+ .fa-firefox:before {
1962
+ content: "\f269";
1963
+ }
1964
+ .fa-opera:before {
1965
+ content: "\f26a";
1966
+ }
1967
+ .fa-internet-explorer:before {
1968
+ content: "\f26b";
1969
+ }
1970
+ .fa-tv:before,
1971
+ .fa-television:before {
1972
+ content: "\f26c";
1973
+ }
1974
+ .fa-contao:before {
1975
+ content: "\f26d";
1976
+ }
1977
+ .fa-500px:before {
1978
+ content: "\f26e";
1979
+ }
1980
+ .fa-amazon:before {
1981
+ content: "\f270";
1982
+ }
1983
+ .fa-calendar-plus-o:before {
1984
+ content: "\f271";
1985
+ }
1986
+ .fa-calendar-minus-o:before {
1987
+ content: "\f272";
1988
+ }
1989
+ .fa-calendar-times-o:before {
1990
+ content: "\f273";
1991
+ }
1992
+ .fa-calendar-check-o:before {
1993
+ content: "\f274";
1994
+ }
1995
+ .fa-industry:before {
1996
+ content: "\f275";
1997
+ }
1998
+ .fa-map-pin:before {
1999
+ content: "\f276";
2000
+ }
2001
+ .fa-map-signs:before {
2002
+ content: "\f277";
2003
+ }
2004
+ .fa-map-o:before {
2005
+ content: "\f278";
2006
+ }
2007
+ .fa-map:before {
2008
+ content: "\f279";
2009
+ }
2010
+ .fa-commenting:before {
2011
+ content: "\f27a";
2012
+ }
2013
+ .fa-commenting-o:before {
2014
+ content: "\f27b";
2015
+ }
2016
+ .fa-houzz:before {
2017
+ content: "\f27c";
2018
+ }
2019
+ .fa-vimeo:before {
2020
+ content: "\f27d";
2021
+ }
2022
+ .fa-black-tie:before {
2023
+ content: "\f27e";
2024
+ }
2025
+ .fa-fonticons:before {
2026
+ content: "\f280";
2027
+ }
2028
+ .fa-reddit-alien:before {
2029
+ content: "\f281";
2030
+ }
2031
+ .fa-edge:before {
2032
+ content: "\f282";
2033
+ }
2034
+ .fa-credit-card-alt:before {
2035
+ content: "\f283";
2036
+ }
2037
+ .fa-codiepie:before {
2038
+ content: "\f284";
2039
+ }
2040
+ .fa-modx:before {
2041
+ content: "\f285";
2042
+ }
2043
+ .fa-fort-awesome:before {
2044
+ content: "\f286";
2045
+ }
2046
+ .fa-usb:before {
2047
+ content: "\f287";
2048
+ }
2049
+ .fa-product-hunt:before {
2050
+ content: "\f288";
2051
+ }
2052
+ .fa-mixcloud:before {
2053
+ content: "\f289";
2054
+ }
2055
+ .fa-scribd:before {
2056
+ content: "\f28a";
2057
+ }
2058
+ .fa-pause-circle:before {
2059
+ content: "\f28b";
2060
+ }
2061
+ .fa-pause-circle-o:before {
2062
+ content: "\f28c";
2063
+ }
2064
+ .fa-stop-circle:before {
2065
+ content: "\f28d";
2066
+ }
2067
+ .fa-stop-circle-o:before {
2068
+ content: "\f28e";
2069
+ }
2070
+ .fa-shopping-bag:before {
2071
+ content: "\f290";
2072
+ }
2073
+ .fa-shopping-basket:before {
2074
+ content: "\f291";
2075
+ }
2076
+ .fa-hashtag:before {
2077
+ content: "\f292";
2078
+ }
2079
+ .fa-bluetooth:before {
2080
+ content: "\f293";
2081
+ }
2082
+ .fa-bluetooth-b:before {
2083
+ content: "\f294";
2084
+ }
2085
+ .fa-percent:before {
2086
+ content: "\f295";
2087
+ }
2088
+ .fa-gitlab:before {
2089
+ content: "\f296";
2090
+ }
2091
+ .fa-wpbeginner:before {
2092
+ content: "\f297";
2093
+ }
2094
+ .fa-wpforms:before {
2095
+ content: "\f298";
2096
+ }
2097
+ .fa-envira:before {
2098
+ content: "\f299";
2099
+ }
2100
+ .fa-universal-access:before {
2101
+ content: "\f29a";
2102
+ }
2103
+ .fa-wheelchair-alt:before {
2104
+ content: "\f29b";
2105
+ }
2106
+ .fa-question-circle-o:before {
2107
+ content: "\f29c";
2108
+ }
2109
+ .fa-blind:before {
2110
+ content: "\f29d";
2111
+ }
2112
+ .fa-audio-description:before {
2113
+ content: "\f29e";
2114
+ }
2115
+ .fa-volume-control-phone:before {
2116
+ content: "\f2a0";
2117
+ }
2118
+ .fa-braille:before {
2119
+ content: "\f2a1";
2120
+ }
2121
+ .fa-assistive-listening-systems:before {
2122
+ content: "\f2a2";
2123
+ }
2124
+ .fa-asl-interpreting:before,
2125
+ .fa-american-sign-language-interpreting:before {
2126
+ content: "\f2a3";
2127
+ }
2128
+ .fa-deafness:before,
2129
+ .fa-hard-of-hearing:before,
2130
+ .fa-deaf:before {
2131
+ content: "\f2a4";
2132
+ }
2133
+ .fa-glide:before {
2134
+ content: "\f2a5";
2135
+ }
2136
+ .fa-glide-g:before {
2137
+ content: "\f2a6";
2138
+ }
2139
+ .fa-signing:before,
2140
+ .fa-sign-language:before {
2141
+ content: "\f2a7";
2142
+ }
2143
+ .fa-low-vision:before {
2144
+ content: "\f2a8";
2145
+ }
2146
+ .fa-viadeo:before {
2147
+ content: "\f2a9";
2148
+ }
2149
+ .fa-viadeo-square:before {
2150
+ content: "\f2aa";
2151
+ }
2152
+ .fa-snapchat:before {
2153
+ content: "\f2ab";
2154
+ }
2155
+ .fa-snapchat-ghost:before {
2156
+ content: "\f2ac";
2157
+ }
2158
+ .fa-snapchat-square:before {
2159
+ content: "\f2ad";
2160
+ }
2161
+ .fa-pied-piper:before {
2162
+ content: "\f2ae";
2163
+ }
2164
+ .fa-first-order:before {
2165
+ content: "\f2b0";
2166
+ }
2167
+ .fa-yoast:before {
2168
+ content: "\f2b1";
2169
+ }
2170
+ .fa-themeisle:before {
2171
+ content: "\f2b2";
2172
+ }
2173
+ .fa-google-plus-circle:before,
2174
+ .fa-google-plus-official:before {
2175
+ content: "\f2b3";
2176
+ }
2177
+ .fa-fa:before,
2178
+ .fa-font-awesome:before {
2179
+ content: "\f2b4";
2180
+ }
2181
+ .sr-only {
2182
+ position: absolute;
2183
+ width: 1px;
2184
+ height: 1px;
2185
+ padding: 0;
2186
+ margin: -1px;
2187
+ overflow: hidden;
2188
+ clip: rect(0, 0, 0, 0);
2189
+ border: 0;
2190
+ }
2191
+ .sr-only-focusable:active,
2192
+ .sr-only-focusable:focus {
2193
+ position: static;
2194
+ width: auto;
2195
+ height: auto;
2196
+ margin: 0;
2197
+ overflow: visible;
2198
+ clip: auto;
2199
+ }
static/css/skdslider.css ADDED
@@ -0,0 +1,369 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ .skdslider{
2
+ width:100%;
3
+ position: relative;
4
+ display: block;
5
+ overflow:hidden;
6
+ height: 500px;
7
+ }
8
+
9
+ .skdslider:after {
10
+ content: '';
11
+ padding-top: 50%;
12
+ display: block;
13
+ }
14
+
15
+ .skdslider ul.slides{ margin:0; padding:0; list-style-type:none;}
16
+ .skdslider ul.slides li
17
+ {
18
+ display: none;
19
+ }
20
+ .skdslider ul.slides li img{
21
+ width: 100%;
22
+ border:0;
23
+ }
24
+
25
+ .skdslider ul.slide-navs {
26
+ bottom: 20px;
27
+ left: 50%;
28
+ position: absolute;
29
+ list-style-type: none;
30
+ margin: 0;
31
+ padding: 0;
32
+ }
33
+
34
+
35
+ .skdslider ul.slide-navs li {
36
+ float: left;
37
+ height:12px;
38
+ width:12px;
39
+ margin-right:4px;
40
+ cursor:pointer;
41
+ }
42
+ .skdslider ul.slide-navs li.current-slide {
43
+ }
44
+
45
+ .skdslider .slide-desc {
46
+ left: 0;
47
+ padding: 20px;
48
+ position: absolute;
49
+ bottom: 28%;
50
+ width: 100%;
51
+ display: inline-block;
52
+ text-align:center;
53
+ }
54
+ .skdslider .slide-desc > h3 {
55
+ color: #ffffff;
56
+ font-size: 50px;
57
+ margin-bottom: 20px;
58
+ padding: 10px;
59
+ width: 54%;
60
+ line-height:65px;
61
+ margin: 0 auto;
62
+ font-weight:600;
63
+ letter-spacing: 2px;
64
+ text-transform:uppercase;
65
+ }
66
+
67
+ .skdslider .slide-desc > p {
68
+ color: #FFFFFF;
69
+ font-size: 15px;
70
+ line-height: 28px;
71
+ margin: 0px auto 20px;
72
+ width: 65%;
73
+
74
+ padding: 12px;
75
+ }
76
+ .skdslider .slide-desc > a.more {
77
+ color:#990000;
78
+ font-size:25px;
79
+ text-decoration:none;
80
+ }
81
+ .skdslider .slide-desc > a.more:hover {
82
+ text-decoration:underline;
83
+ }
84
+
85
+ .skdslider a.prev{
86
+ background: url("../images/") no-repeat scroll 0 0 transparent;
87
+ width:35px;
88
+ height:35px;
89
+ display:block;
90
+ cursor:pointer;
91
+ position:absolute;
92
+ top:55%;
93
+ left:2%;
94
+ margin-top:-17px;
95
+ }
96
+
97
+ .skdslider a.next{
98
+ background: url("../images/") no-repeat scroll 0 0 transparent;
99
+ width:35px;
100
+ height:35px;
101
+ display:block;
102
+ cursor:pointer;
103
+ position:absolute;
104
+ top:55%;
105
+ right:2%;
106
+ margin-top:-17px;
107
+ }
108
+ .skdslider a.prev:hover{
109
+
110
+ }
111
+ .skdslider a.next:hover{
112
+
113
+ }
114
+
115
+ .skdslider a.play{
116
+ background: url("../images/") no-repeat scroll center center transparent;
117
+ width:35px;
118
+ height:35px;
119
+ display:none;
120
+ cursor:pointer;
121
+ position:absolute;
122
+ bottom : 6%;
123
+ right: 2%;
124
+ margin-top:-17px;
125
+ }
126
+
127
+ .skdslider a.pause{
128
+ background: url(../images/) no-repeat scroll center center transparent;
129
+ width: 35px;
130
+ height: 35px;
131
+ display: none;
132
+ cursor: pointer;
133
+ position: absolute;
134
+ bottom : 6%;
135
+ right: 2%;
136
+ margin-top: -17px;
137
+ }
138
+
139
+ /*-- responsive media queries --*/
140
+ /*Some Responsive CSS */
141
+ @media (max-width: 1440px){
142
+ .skdslider .slide-desc > p {
143
+ width: 70%;
144
+ }
145
+ .skdslider .slide-desc > h3 {
146
+ font-size: 38px;
147
+ }
148
+ .skdslider .slide-desc {
149
+ bottom: 42%;
150
+ }
151
+ .skdslider {
152
+ height: 556px;
153
+ }
154
+ }
155
+ @media (max-width: 1366px){
156
+ .skdslider {
157
+ height: 527px;
158
+ }
159
+ .skdslider .slide-desc > h3 {
160
+ font-size: 36px;
161
+ }
162
+ .skdslider .slide-desc > p {
163
+ width: 75%;
164
+ }
165
+ .skdslider .slide-desc {
166
+ bottom: 41%;
167
+ }
168
+ }
169
+ @media (max-width: 1280px){
170
+ .skdslider {
171
+ height: 493px;
172
+ }
173
+ .skdslider .slide-desc > p {
174
+ font-size: 14px;
175
+ }
176
+ .skdslider .slide-desc {
177
+ bottom: 27%;
178
+ }
179
+ }
180
+ @media (max-width: 1080px){
181
+ .skdslider {
182
+ height: 550px;
183
+ }
184
+ .skdslider .slide-desc > p {
185
+ font-size: 13px;
186
+ width: 85%;
187
+ }
188
+ .skdslider .slide-desc > h3 {
189
+ font-size: 34px;
190
+ }
191
+ }
192
+ @media (max-width: 1050px){
193
+ .skdslider {
194
+ height:393px;
195
+ }
196
+ .skdslider .slide-desc > h3 {
197
+ font-size: 32px;
198
+ }
199
+ .skdslider .slide-desc {
200
+ bottom: 22%;
201
+ }
202
+ .skdslider .slide-desc > h3 {
203
+ width: 64%;
204
+ line-height: 58px;
205
+ }
206
+ }
207
+ @media (max-width: 1024px){
208
+ .skdslider {
209
+ height: 393px;
210
+ }
211
+ .skdslider .slide-desc > h3 {
212
+ font-size: 30px;
213
+ }
214
+ }
215
+ @media (max-width: 991px){
216
+ .skdslider {
217
+ height: 330px;
218
+ }
219
+ .skdslider .slide-desc {
220
+ bottom: 22%;
221
+ }
222
+ .skdslider .slide-desc > p {
223
+ line-height: 24px;
224
+ letter-spacing: 1px;
225
+ }
226
+ .skdslider .slide-desc > h3 {
227
+ line-height: 48px;
228
+ }
229
+ .skdslider ul.slides li img {
230
+ width: none;
231
+ }
232
+ }
233
+ @media (max-width: 800px){
234
+ .skdslider .slide-desc > h3 {
235
+ font-size: 26px;
236
+ }
237
+ .skdslider {
238
+ height: 307px;
239
+ }
240
+ .skdslider .slide-desc > p {
241
+ line-height: 22px;
242
+ letter-spacing: 0.5px;
243
+ }
244
+ .skdslider .slide-desc > p {
245
+ font-size: 12.5px;
246
+ width: 90%;
247
+ }
248
+ }
249
+ @media screen and (max-width:768px) {
250
+ .skdslider .slide-desc > h3 {
251
+ font-size: 24px;
252
+ }
253
+ .skdslider {
254
+ height: 295px;
255
+ }
256
+ .skdslider .slide-desc > p a.more {
257
+ font-size:14px;
258
+ }
259
+ }
260
+ @media screen and (max-width:736px) {
261
+ .skdslider {
262
+ height: 281px;
263
+ }
264
+ .skdslider .slide-desc {
265
+ bottom: 18%;
266
+ }
267
+ }
268
+ @media screen and (max-width:667px) {
269
+ .skdslider {
270
+ height: 254px;
271
+ }
272
+ .skdslider .slide-desc {
273
+ bottom: 14%;
274
+ }
275
+ .skdslider .slide-desc > p {
276
+ padding: 10px;
277
+ }
278
+ }
279
+ @media screen and (max-width:640px) {
280
+ .skdslider {
281
+ height: 243px;
282
+ }
283
+ .skdslider .slide-desc > h3 {
284
+ width: 100%;
285
+ font-size: 22px;
286
+ }
287
+ .skdslider .slide-desc > p {
288
+ padding: 8px;
289
+ }
290
+ }
291
+ @media screen and (max-width:600px) {
292
+ .skdslider {
293
+ height: 229px;
294
+ }
295
+ .skdslider .slide-desc > h3 {
296
+ font-size: 22px;
297
+ letter-spacing: 2px;
298
+ width: 100%;
299
+ }
300
+ .skdslider .slide-desc > p {
301
+ padding: 6px;
302
+ font-size: 12px;
303
+ }
304
+ }
305
+ @media (max-width: 568px){
306
+ .skdslider {
307
+ height: 216px;
308
+ }
309
+ .skdslider .slide-desc > p {
310
+ line-height: 20px;
311
+ letter-spacing: 0px;
312
+ }
313
+ }
314
+ @media (max-width: 480px){
315
+ .skdslider {
316
+ height: 181px;
317
+ }
318
+ .skdslider .slide-desc > p {
319
+ width:93%;
320
+ padding: 8px;
321
+ }
322
+ .skdslider .slide-desc > h3 {
323
+ line-height: 34px;
324
+ }
325
+ }
326
+ @media (max-width: 414px){
327
+ .skdslider {
328
+ height: 154px;
329
+ }
330
+ .skdslider .slide-desc {
331
+ bottom: 10%;
332
+ }
333
+ .skdslider .slide-desc > h3 {
334
+ font-size: 18px;
335
+ width: 100%;
336
+ }
337
+ .skdslider .slide-desc > h3 {
338
+ line-height: 30px;
339
+ }
340
+ }
341
+ @media (max-width: 384px){
342
+ .skdslider {
343
+ height: 144px;
344
+ }
345
+ .skdslider .slide-desc {
346
+ bottom: 2%;
347
+ }
348
+ }
349
+ @media (max-width: 375px){
350
+ .skdslider {
351
+ height: 142px;
352
+ }
353
+ .skdslider .slide-desc {
354
+ bottom: 1.5%;
355
+ }
356
+ }
357
+ @media (max-width: 320px){
358
+ .skdslider {
359
+ height: 119px;
360
+ }
361
+ .skdslider .slide-desc {
362
+ bottom:0%;
363
+ }
364
+ .skdslider .slide-desc > h3 {
365
+ font-size: 14px;
366
+ width: 100%;
367
+ line-height: 26px;
368
+ }
369
+ }
static/css/style.css ADDED
@@ -0,0 +1,3396 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ /*--
2
+ Author: W3layouts
3
+ Author URL: http://w3layouts.com
4
+ License: Creative Commons Attribution 3.0 Unported
5
+ License URL: http://creativecommons.org/licenses/by/3.0/
6
+ --*/
7
+ html, body{
8
+ font-size: 100%;
9
+ font-family: 'Century Gothic';
10
+ background:#ffffff;
11
+ font-weight:700;
12
+ font-size:14px;
13
+ }
14
+ ul li,ol li{
15
+ font-size:14px;
16
+ font-weight:1000;
17
+ }
18
+ p{
19
+ margin:0;
20
+ }
21
+ h1,h2,h3,h4,h5,h6,a{
22
+ font-family: 'Century Gothic';
23
+ margin:0;
24
+ font-weight:1000;
25
+ }
26
+ ul,label{
27
+ margin:0;
28
+ padding:0;
29
+ }
30
+ body a:hover{
31
+ text-decoration:none;
32
+ }
33
+ /*-- header --*/
34
+ span.glyphicon.glyphicon-shopping-cart.my-cart-icon.my-cart-icon-affix {
35
+ position: relative !important;
36
+ }
37
+ .btn-danger {
38
+ color: #fff;
39
+ background-color: #3399cc;
40
+ border-color: #3399cc;
41
+ }
42
+ .modal-dialog {
43
+ width: 850px;
44
+ margin:75px auto 30px;
45
+ }
46
+ .snipcart-thumb a {
47
+ display: block;
48
+ text-align: center;
49
+ }
50
+ .my-cart-icon-affix i {
51
+ background: #52bfe9 !important;
52
+ }
53
+ .agile_top_brand_left_grid {
54
+ position: relative;
55
+ display: block;
56
+ }
57
+ i.badge.badge-notify.my-cart-badge {
58
+ font-style: normal;
59
+ background: #3399cc;
60
+ font-size: 14px;
61
+ position: absolute;
62
+ top: -10px;
63
+ right:-22px;
64
+ }
65
+ .product_list_header span {
66
+ font-size: 1em;
67
+ color: #fff;
68
+ top: 1em;
69
+ }
70
+ input[type="submit"],#PPMiniCart .minicart-submit,.w3ls_vegetables ul li a,input[type="reset"],.agileinfo_mail_grid_left ul li a,.events_bottom_left2 ul li a,.w3ls_service_grids1_right a,ul.agileits_social_icons li a,.w3l_banner_nav_right_banner_pet a,.w3ls_w3l_banner_nav_right_grid_head_grid ul li a,.products-breadcrumb ul li a,.w3_footer_grid ul li a,.w3l_fresh_vegetables_grid ul li a,.wthree_footer_copy p a,.agile_top_brand_left_grid1 .button,.w3ls_logo_products_left1 ul.special_items li a,.w3ls_logo_products_left1 ul.phone_email li a{
71
+ transition: .5s ease-in;
72
+ -webkit-transition: .5s ease-in;
73
+ -moz-transition: .5s ease-in;
74
+ -o-transition: .5s ease-in;
75
+ -ms-transition: .5s ease-in;
76
+ }
77
+ .agileits_header {
78
+ background: #333333;
79
+ padding: 12px 0;
80
+ }
81
+ .w3l_offers {
82
+ float: left;
83
+ padding: 9px 0;
84
+ width: 47%;
85
+ }
86
+ .w3l_offers p {
87
+ font-size: 15px;
88
+ color: #fff;
89
+ }
90
+ .w3l_offers p a {
91
+ color: #52bfe9;
92
+ text-decoration: none;
93
+ }
94
+ .w3l_search {
95
+ float: right;
96
+ width: 25.33%;
97
+ margin: 0em 0 0em 0em;
98
+ }
99
+ .w3l_search input[type="search"] {
100
+ width: 83%;
101
+ padding:10px;
102
+ font-size: 14px;
103
+ color: #999;
104
+ outline: none;
105
+ border: 1px solid #cccccc;
106
+ background: none;
107
+ -webkit-appearance: none;
108
+ transition: 0.5s all;
109
+ -webkit-transition: 0.5s all;
110
+ -moz-transition: 0.5s all;
111
+ }
112
+ i.fa.fa-angle-right {
113
+ font-size: 15px;
114
+ margin-right: 5px;
115
+ }
116
+ i.fa.fa-phone {
117
+ margin-right: 10px;
118
+ font-size: 20px;
119
+ }
120
+ button.btn.btn-default.search {
121
+ background: #52bfe9;
122
+ padding: 11px 12px 11px;
123
+ float: right;
124
+ outline: none;
125
+ border: none;
126
+ }
127
+ button.btn.btn-default.search:hover {
128
+ background:#333;
129
+
130
+ }
131
+ .agile-login {
132
+ float: left;
133
+ width: 40%;
134
+ text-align: center;
135
+ padding: 9px 0;
136
+ }
137
+ .agile-login ul li {
138
+ display: inline-block;
139
+ padding: 0em 1em;
140
+ }
141
+ .agile-login ul li a {
142
+ font-size: 1em;
143
+ text-transform: capitalize;
144
+ color: #fff;
145
+ text-decoration: none;
146
+ }
147
+ .w3l_search input[type="search"] {
148
+ margin-top:0px;
149
+ }
150
+ .w3l_search i.fa.fa-search {
151
+ font-size: 17px;
152
+ color:#fff;
153
+ }
154
+ button.w3l_search {
155
+ border: none;
156
+ position: absolute;
157
+ top: 4px;
158
+ right: 11px;
159
+ width: 47px;
160
+ height: 43px;
161
+ outline: none;
162
+ box-shadow: none;
163
+ background:#00e58b;
164
+ padding: 0;
165
+ border-radius: inherit;
166
+ -webkit-appearance: none;
167
+ -webkit-transition: .5s all;
168
+ -moz-transition: .5s all;
169
+ transition: .5s all;
170
+ }
171
+ .btn-default:hover {
172
+ background-color:#000;
173
+ border:none;
174
+ }
175
+ .cart-wthree .fa {
176
+ font-size: 34px;
177
+ margin-top: 7px;
178
+ }
179
+ button.w3view-cart {
180
+ background: transparent;
181
+ border: none;
182
+ }
183
+ button.w3view-cart:focus{
184
+ outline:none;
185
+ }
186
+ .logo_products {
187
+ padding: 2em 0;
188
+ }
189
+ .w3ls_logo_products_left {
190
+ float: left;
191
+ text-align: center;
192
+ width: 100%;
193
+ }
194
+ .w3ls_logo_products_left h1 a{
195
+ font-size: 40px;
196
+ color: #52bfe9;
197
+ text-decoration: none;
198
+ text-transform: uppercase;
199
+ display: block;
200
+ line-height: 1;
201
+ }
202
+ .w3ls_logo_products_left1 {
203
+ float: left;
204
+ margin-top: 0.6em;
205
+ width: 33.33%;
206
+ }
207
+ .w3ls_logo_products_left1 ul.phone_email li{
208
+ display:inline-block;
209
+ color:#212121;
210
+ }
211
+ /*-- //header --*/
212
+ .navbar-default .navbar-nav > li > a {
213
+ color: #fff;
214
+ font-size: 16px;
215
+ font-weight: 500;
216
+ }
217
+ .logo-nav-left1 ul li.active a.act{
218
+ color:#fff !important;
219
+ }
220
+ .multi-column-dropdown li a {
221
+ color: #999 !important;
222
+ }
223
+ .navbar-default .navbar-nav > .active > a, .navbar-default .navbar-nav > .active > a:hover, .navbar-default .navbar-nav > .active > a:focus {
224
+ background-color: transparent;
225
+ color: #fff !important;
226
+ }
227
+ .navbar-default .navbar-collapse, .navbar-default .navbar-form {
228
+ border: none;
229
+ }
230
+ .navbar {
231
+ position: relative;
232
+ min-height: 50px;
233
+ margin-bottom: 10px;
234
+ border: 1px solid transparent;
235
+ }
236
+ .nav .open > a, .nav .open > a:hover, .nav .open > a:focus {
237
+ color: #fff;
238
+ }
239
+ .navbar-default {
240
+ background: none;
241
+ border: none;
242
+ }
243
+ .navbar-collapse {
244
+ padding: 0;
245
+ }
246
+ ul.multi-column-dropdown h6 {
247
+ font-size: 20px;
248
+ color:#52bfe9;
249
+ margin: 0 0 0em;
250
+ padding-bottom: 1em;
251
+ border-bottom: 1px solid #E4E4E4;
252
+ text-transform: capitalize;
253
+ }
254
+ .multi-column-dropdown li {
255
+ list-style-type: none;
256
+ margin: 14px 0;
257
+ }
258
+ .multi-column-dropdown li a {
259
+ display: block;
260
+ clear: both;
261
+ line-height: 1.428571429;
262
+ color: #999 !important;
263
+ white-space: normal;
264
+ font-weight:500 !important;
265
+ }
266
+ .dropdown-menu.columns-3 {
267
+ min-width: 190px;
268
+ padding: 20px 30px;
269
+ }
270
+ .nav .open > a, .nav .open > a:hover, .nav .open > a:focus {
271
+ background: none;
272
+ border: none;
273
+ }
274
+ .navbar-default .navbar-nav > .open > a, .navbar-default .navbar-nav > .open > a:hover, .navbar-default .navbar-nav > .open > a:focus {
275
+ background-color: transparent;
276
+ }
277
+ .nav > li > a:hover, .nav > li > a:focus {
278
+ background: none;
279
+ color:#fff !important;
280
+ }
281
+ .navbar-default .navbar-nav > .open > a, .navbar-default .navbar-nav > .open > a:hover, .navbar-default .navbar-nav > .open > a:focus {
282
+ color: #fff;
283
+ }
284
+ .multi-gd-img img {
285
+ width: 100%;
286
+ }
287
+ .navigation-agileits {
288
+ background: #52bfe9;
289
+ }
290
+ .navbar-nav > li {
291
+ float: left;
292
+ margin-left: 17px;
293
+ }
294
+ .navbar-nav > li:nth-child(1) {
295
+ margin-left: 0px;
296
+ }
297
+ /*-- banner --*/
298
+ .navbar-collapse {
299
+ padding: 0;
300
+ box-shadow: none;
301
+ }
302
+ .navbar {
303
+ margin-bottom: 0;
304
+ border: none;
305
+ }
306
+ /*-- cart --*/
307
+ /*-- cart-box --*/
308
+ .w3view-cart {
309
+ background: #3399cc;
310
+ border: none;
311
+ -webkit-border-radius: 50%;
312
+ -moz-border-radius: 50%;
313
+ -o-border-radius: 50%;
314
+ -ms-border-radius: 50%;
315
+ border-radius: 50%;
316
+ width: 40px;
317
+ height: 40px;
318
+ text-align: center;
319
+ outline: none;
320
+ }
321
+ .w3view-cart i.fa {
322
+ font-size: 24px;
323
+ color: #ffffff;
324
+ vertical-align: middle;
325
+ }
326
+ /*-- //cart-box --*/
327
+ /*-- top-brands --*/
328
+ .tag {
329
+ position: absolute;
330
+ top: -1%;
331
+ right: 10%;
332
+ }
333
+ .top-brands h2,.newproducts-w3agile h3,.login h2,.register h2,.faq-w3agile h3,.brands h3{
334
+ text-align:center;
335
+ color:#212121;
336
+ padding-bottom:.5em;
337
+ position:relative;
338
+ font-size: 2.5em;
339
+ text-transform: uppercase;
340
+ }
341
+ .top-brands h2:after,.newproducts-w3agile h3:after,.login h2:after,.register h2:after,.faq-w3agile h3:after,.brands h3:after{
342
+ content: '';
343
+ background: #3399cc;
344
+ height: 2px;
345
+ width: 15%;
346
+ position: absolute;
347
+ bottom: 0%;
348
+ left: 43%;
349
+ }
350
+ .agile_top_brand_left_grid{
351
+ background: #FFFFFF;
352
+ padding: .5em;
353
+ position:relative;
354
+ }
355
+ .agile_top_brand_left_grid_pos{
356
+ position:absolute;
357
+ top:0%;
358
+ right:0%;
359
+ }
360
+ .agile_top_brand_left_grid1{
361
+ padding:1em;
362
+ }
363
+ .agile_top_brand_left_grid1 img{
364
+ margin:0 auto;
365
+ }
366
+ .top-brands{
367
+ background: #f5f5f5;
368
+ padding:5em 0;
369
+ }
370
+ .agile_top_brand_left_grid1 p{
371
+ color:#212121;
372
+ margin:1.5em 0 1em;
373
+ line-height:1.5em;
374
+ text-transform:capitalize;
375
+ font-size:14px;
376
+ text-align: center;
377
+ }
378
+ .agile_top_brand_left_grid1 h4,.agileinfo_single_right_snipcart h4{
379
+ font-weight:600;
380
+ font-size:1em;
381
+ color:#212121;
382
+ text-align: center;
383
+ }
384
+ .agile_top_brand_left_grid1 h4 span,.agileinfo_single_right_snipcart h4 span{
385
+ font-weight:300;
386
+ text-decoration:line-through;
387
+ padding-left:1em;
388
+ }
389
+ /*-- cart --*/
390
+ .product_list_header {
391
+ float: right;
392
+ }
393
+ .snipcart-details {
394
+ text-align: center;
395
+ margin: 1.5em auto 1em;
396
+ width:77%;
397
+ }
398
+ .btn-danger.my-cart-btn:focus {
399
+ outline: none;
400
+ }
401
+ .snipcart-details input.button {
402
+ font-size: 14px;
403
+ color: #fff;
404
+ background: #3399cc;
405
+ text-decoration: none;
406
+ position: relative;
407
+ border: none;
408
+ border-radius: 0;
409
+ width: 100%;
410
+ text-transform: uppercase;
411
+ padding: .5em 0;
412
+ outline: none;
413
+ }
414
+ .agile_top_brand_left_grid:hover .snipcart-details input.button,.snipcart-details input.button:hover{
415
+ background: #52bfe9;
416
+ }
417
+ .product_list_header input.button {
418
+ color: #fff;
419
+ font-size: 14px;
420
+ outline: none;
421
+ text-transform: capitalize;
422
+ padding: .5em 2.5em .5em 1em;
423
+ border: 1px solid #52bfe9;
424
+ margin: .35em 0 0;
425
+ background: url(../images/cart.png) no-repeat 116px 9px;
426
+ }
427
+ #PPMiniCart form {
428
+ width: 590px !important;
429
+ padding: 10px 20px 40px !important;
430
+ max-height:450px !important;
431
+ }
432
+ #PPMiniCart ul {
433
+ width: 548px !important;
434
+ }
435
+ #PPMiniCart .minicart-item a {
436
+ color: #212121 !important;
437
+ font-size: 1em;
438
+ display: block;
439
+ margin-bottom: .5em;
440
+ text-transform: capitalize;
441
+ }
442
+ #PPMiniCart .minicart-item {
443
+ min-height:60px !important;
444
+ }
445
+ #PPMiniCart .minicart-attributes li {
446
+ color: #999;
447
+ }
448
+ #PPMiniCart .minicart-remove {
449
+ background: #3399cc !important;
450
+ border: 1px solid #3399cc !important;
451
+ opacity: 1 !important;
452
+ outline:none;
453
+ }
454
+ #PPMiniCart .minicart-submit {
455
+ display: none;
456
+ }
457
+ #PPMiniCart .minicart-submit:hover{
458
+ background:#52bfe9 !important;
459
+ border-color: #5b951a !important;
460
+ }
461
+ #PPMiniCart .minicart-subtotal {
462
+ padding-left: 25px !important;
463
+ bottom: -17px !important;
464
+ }
465
+ #PPMiniCart {
466
+ left: 44% !important;
467
+ }
468
+ .minicart-showing #PPMiniCart form{
469
+ overflow-x: hidden;
470
+ overflow-y: auto;
471
+ }
472
+ #PPMiniCart .minicart-footer {
473
+ position: relative;
474
+ width: 80%;
475
+ }
476
+ /*-- //cart --*/
477
+ .column div.agile_top_brand_left_grid {
478
+ position: relative;
479
+ margin:0;
480
+ }
481
+ .agile_top_brand_left_grid figure {
482
+ margin: 0;
483
+ padding: 0;
484
+ background:transparent;
485
+ overflow: hidden;
486
+ z-index: 0;
487
+ }
488
+ /* Shine */
489
+ .hover14 figure {
490
+ position: relative;
491
+ }
492
+ .hover14 figure::before {
493
+ position: absolute;
494
+ top: 0;
495
+ left: -75%;
496
+ z-index: 2;
497
+ display: block;
498
+ content: '';
499
+ width: 50%;
500
+ height: 100%;
501
+ background: -webkit-linear-gradient(left, rgba(255,255,255,0) 0%, rgba(255,255,255,.3) 100%);
502
+ background: linear-gradient(to right, rgba(255,255,255,0) 0%, rgba(255,255,255,.3) 100%);
503
+ -webkit-transform: skewX(-25deg);
504
+ transform: skewX(-25deg);
505
+ }
506
+ .hover14 figure:hover::before,.top_brand_left:hover .hover14 figure::before{
507
+ -webkit-animation: shine .75s;
508
+ animation: shine .75s;
509
+ }
510
+ @-webkit-keyframes shine {
511
+ 100% {
512
+ left: 125%;
513
+ }
514
+ }
515
+ @keyframes shine {
516
+ 100% {
517
+ left: 125%;
518
+ }
519
+ }
520
+ /*-- //top-brands --*/
521
+ div#myTabContent {
522
+ padding: 40px 40px;
523
+ }
524
+ .nav-tabs > li {
525
+ width: 50%;
526
+ }
527
+ .nav-tabs>li>a {
528
+ margin: 0 0px;
529
+ padding: 10px 53px;
530
+ line-height: 1.42857143;
531
+ font-size: 20px;
532
+ text-align:center;
533
+ text-transform:uppercase;
534
+ font-weight: 600;
535
+ border: 0px solid transparent;
536
+ border-radius: 0px 0px 0 0;
537
+ color: #016773;
538
+ }
539
+ .nav-tabs>li>a:hover, .nav>li>a:focus {
540
+ text-decoration: none;
541
+ background: #52bfe9;
542
+ color: #FFF;
543
+ border: 0px solid transparent;
544
+ }
545
+ .nav-tabs>li.active>a, .nav-tabs>li.active>a:hover, .nav-tabs>li.active>a:focus {
546
+ color: #FFF;
547
+ background: #52bfe9;
548
+ border: 0px solid transparent;
549
+ }
550
+ .nav-tabs {
551
+ border-bottom: 1px solid #fff;
552
+ }
553
+ .grid_3.grid_5 {
554
+ margin-top: 5em;
555
+ border: 1px solid #BEBEBE;
556
+ }
557
+ .grid_3.grid_5 h5 {
558
+ font-size: 20px;
559
+ color: #000;
560
+ margin-bottom: 16px;
561
+ }
562
+ p.w3l-ad {
563
+ font-size: 14px;
564
+ color: #777;
565
+ width: 42%;
566
+ line-height: 28px;
567
+ }
568
+ .agile_top_brands_grids {
569
+ margin-top: 40px;
570
+ }
571
+ .hover14.column {
572
+ border: 1px solid #c0bebe;
573
+ }
574
+ .stars {
575
+ text-align: center;
576
+ margin-bottom: 13px;
577
+ }
578
+ i.blue-star {
579
+ color: #3399cc;
580
+ }
581
+ i.gray-star {
582
+ color: #808080;
583
+ }
584
+ /*-- to-top --*/
585
+ #toTop {
586
+ display: none;
587
+ text-decoration: none;
588
+ position: fixed;
589
+ bottom: 20px;
590
+ right: 2%;
591
+ overflow: hidden;
592
+ z-index: 999;
593
+ width: 32px;
594
+ height: 32px;
595
+ border: none;
596
+ text-indent: 100%;
597
+ background: url(../images/arrow.png) no-repeat 0px 0px;
598
+ }
599
+ #toTopHover {
600
+ width: 32px;
601
+ height: 32px;
602
+ display: block;
603
+ overflow: hidden;
604
+ float: right;
605
+ opacity: 0;
606
+ -moz-opacity: 0;
607
+ filter: alpha(opacity=0);
608
+ }
609
+ /*-- //to-top --*/
610
+ .ban-bottom-w3l {
611
+ padding: 5em 0;
612
+ }
613
+ .ban-bottom1 {
614
+ float: left;
615
+ width: 48%;
616
+ margin-right:2%
617
+ }
618
+ .ban-bottom2 {
619
+ float: left;
620
+ width: 48%;
621
+ margin-left:2%
622
+ }
623
+ .ban-img {
624
+ margin-top: 2.1em;
625
+ }
626
+ .ban-top{
627
+ position: relative;
628
+ overflow: hidden;
629
+ }
630
+ .ban-top img {
631
+ -moz-transition: all 1s;
632
+ -o-transition: all 1s;
633
+ -webkit-transition: all 1s;
634
+ transition: all 1s;
635
+ width: 100%;
636
+ }
637
+ .ban-top:hover img {
638
+ -moz-transform: scale3d(1.1, 1.1, 1);
639
+ -o-transform: scale3d(1.1, 1.1, 1);
640
+ -ms-transform: scale3d(1.1, 1.1, 1);
641
+ -webkit-transform: scale3d(1.1, 1.1, 1);
642
+ transform: scale3d(1.1, 1.1, 1);
643
+ }
644
+ .ban-text {
645
+ position: absolute;
646
+ top: 50%;
647
+ left: 25%;
648
+ background: rgb(254, 145, 38);
649
+ padding: 10px 30px;
650
+ }
651
+ .ban-text1 {
652
+ position: absolute;
653
+ top: 40%;
654
+ left: 25%;
655
+ background: rgb(254, 145, 38);
656
+ padding: 10px 30px;
657
+ }
658
+ .ban-text h4 {
659
+ font-size: 22px;
660
+ color: #fff;
661
+ }
662
+ .ban-text1 h4 {
663
+ font-size: 22px;
664
+ color: #fff;
665
+ }
666
+ .ban-text2 h4 {
667
+ font-size: 1.5em;
668
+ color: #fff;
669
+ }
670
+ .ban-text2 span{
671
+ display:block;
672
+ line-height:1.5em;
673
+ }
674
+ /* Sweep To Top */
675
+ .hvr-sweep-to-top {
676
+ display: inline-block;
677
+ vertical-align: middle;
678
+ -webkit-transform: translateZ(0);
679
+ transform: translateZ(0);
680
+ box-shadow: 0 0 1px rgba(0, 0, 0, 0);
681
+ -webkit-backface-visibility: hidden;
682
+ backface-visibility: hidden;
683
+ -moz-osx-font-smoothing: grayscale;
684
+ position: relative;
685
+ -webkit-transition-property: color;
686
+ transition-property: color;
687
+ -webkit-transition-duration: 0.3s;
688
+ transition-duration: 0.3s;
689
+ }
690
+ .hvr-sweep-to-top:before {
691
+ content: "";
692
+ position: absolute;
693
+ z-index: -1;
694
+ top: 0;
695
+ left: 0;
696
+ right: 0;
697
+ bottom: 0;
698
+ background: #F19E1F;
699
+ border-radius: 50%;
700
+ -webkit-border-radius: 60%;
701
+ -moz-border-radius: 60%;
702
+ -o-border-radius: 60%;
703
+ -ms-border-radius: 60%;
704
+ -webkit-transform: scaleY(0);
705
+ transform: scaleY(0);
706
+ -webkit-transform-origin: 50% 100%;
707
+ transform-origin: 50% 100%;
708
+ -webkit-transition-property: transform;
709
+ transition-property: transform;
710
+ -webkit-transition-duration: 0.3s;
711
+ transition-duration: 0.3s;
712
+ -webkit-transition-timing-function: ease-out;
713
+ transition-timing-function: ease-out;
714
+ }
715
+ .hvr-sweep-to-top:hover, .hvr-sweep-to-top:focus, .hvr-sweep-to-top:active {
716
+ color: white;
717
+ }
718
+ .hvr-sweep-to-top:hover:before, .hvr-sweep-to-top:focus:before, .hvr-sweep-to-top:active:before,.services-grid:hover .hvr-sweep-to-top:before{
719
+ -webkit-transform: scaleY(1);
720
+ transform: scaleY(1);
721
+ }
722
+ .ban-text2 {
723
+ position: absolute;
724
+ top: 14%;
725
+ left: 45%;
726
+ background: #3399cc;
727
+ padding: 1.5em;
728
+ border-radius: 60px;
729
+ text-align: center;
730
+ width: 18%;
731
+ }
732
+ /*--causel--*/
733
+ .carousel-indicators {
734
+ position: absolute;
735
+ bottom: -45px;
736
+ left: 48%;
737
+ z-index: 15;
738
+ width: auto;
739
+ padding-left: 0;
740
+ margin: 0;
741
+ text-align: center;
742
+ list-style: none;
743
+ }
744
+
745
+
746
+ .carousel-indicators li {
747
+ display: inline-block;
748
+ width: 12px;
749
+ height: 12px;
750
+ margin:0 6px;
751
+ text-indent: -999px;
752
+ cursor: pointer;
753
+ background-color: #029241;
754
+ border: none;
755
+ border-radius: 10px;
756
+ }
757
+ .carousel-indicators .active {
758
+ background-color: #FAB005;
759
+ margin: 0 6px;
760
+ }
761
+ /*-- footer --*/
762
+ .footer {
763
+ padding: 5em 0 2em;
764
+ background: #2b2a2a;
765
+ }
766
+ .w3_footer_grid h3 {
767
+ color: #ffffff;
768
+ font-size: 1.5em;
769
+ margin-bottom: 1.8em;
770
+ text-transform: uppercase;
771
+ }
772
+ .w3_footer_grid p{
773
+ color:#afafaf;
774
+ line-height:1.8em;
775
+ margin-bottom:2em;
776
+ }
777
+ .w3_footer_grid ul li {
778
+ list-style-type: none;
779
+ margin-bottom: 1em;
780
+ color: #afafaf;
781
+ font-size: 14px;
782
+ }
783
+ .w3_footer_grid ul.address li i {
784
+ color:#52bfe9;
785
+ border: 1px solid #52bfe9;
786
+ padding: .5em;
787
+ margin-right: 1em;
788
+ }
789
+ .w3_footer_grid ul.address li span {
790
+ display: block;
791
+ margin-left: 3em;
792
+ }
793
+ .w3_footer_grid ul li a {
794
+ color: #afafaf;
795
+ text-decoration: none;
796
+ }
797
+ .w3_footer_grid ul li a:hover {
798
+ color:#52bfe9;
799
+ }
800
+ .w3_footer_grid h4{
801
+ margin:2em 0 1em;
802
+ font-size:1.2em;
803
+ color:#ff9b05;
804
+ }
805
+ i.fa.fa-arrow-right {
806
+ color: #52bfe9;
807
+ margin-right: 10px;
808
+ }
809
+ .footer-copy1{
810
+ position:relative;
811
+ padding: 2em 0 0;
812
+ border-bottom: 1px solid #F4F4F4;
813
+ }
814
+ .footer-copy-pos{
815
+ position: absolute;
816
+ right: 14%;
817
+ bottom: -75%;
818
+ width: 50px;
819
+ height: 50px;
820
+ border: 3px solid rgba(254, 155, 5, 0.69);
821
+ border-radius: 25px;
822
+ -webkit-border-radius: 25px;
823
+ -moz-border-radius: 25px;
824
+ -o-border-radius: 25px;
825
+ -ms-border-radius: 25px;
826
+ box-shadow: 0px 0px 15px rgba(255, 155, 5, 0.49);
827
+ }
828
+ .footer-copy p{
829
+ margin:4em 0 0;
830
+ text-align:center;
831
+ color:#999;
832
+ line-height:1.8em;
833
+ }
834
+ .footer-copy p a{
835
+ color:#ff9b05;
836
+ text-decoration:none;
837
+ }
838
+ .footer-copy p a:hover{
839
+ color:#999;
840
+ }
841
+ .w3layouts-foot ul li{
842
+ display:inline-block;
843
+ }
844
+ .w3layouts-foot ul li a {
845
+ width: 32px;
846
+ height: 32px;
847
+ color: #fff;
848
+ border: 1px solid #fff;
849
+ text-align: center;
850
+ display: inline-block;
851
+ font-size: 18px;
852
+ line-height: 32px;
853
+ border-radius: 50%;
854
+ }
855
+ a.w3_agile_facebook:hover{
856
+ background:#3b5998;
857
+ border: 1px solid #3b5998;
858
+ }
859
+ a.agile_twitter:hover{
860
+ background:#1da1f2;
861
+ border: 1px solid #1da1f2;
862
+ }
863
+ a.w3_agile_dribble:hover{
864
+ background:#ea4c89;
865
+ border: 1px solid #ea4c89;
866
+ }
867
+ a.w3_agile_vimeo:hover{
868
+ background:#1ab7ea;
869
+ border: 1px solid #1ab7ea;
870
+ }
871
+ .w3layouts-foot {
872
+ float: left;
873
+ }
874
+ .payment-w3ls {
875
+ float: right;
876
+ }
877
+ .footer-botm {
878
+ background: #393737;
879
+ padding: 16px 0;
880
+ }
881
+ /*-- //footer --*/
882
+ .newproducts-w3agile {
883
+ padding: 5em 0;
884
+ background: #f5f5f5;
885
+ }
886
+ .breadcrumb1 li span {
887
+ left: 0em;
888
+ padding-right: 1em;
889
+ color: #3399cc;
890
+ }
891
+ .breadcrumbs {
892
+ padding: 1.5em 0;
893
+ background: #f5f5f5;
894
+ }
895
+ .breadcrumb {
896
+ margin-bottom: 0 !important;
897
+ padding: 0 !important;
898
+ }
899
+ .breadcrumb1 li {
900
+ font-size: 1em;
901
+ color: #999;
902
+ }
903
+ .breadcrumb1 li a {
904
+ color: #3399cc;
905
+ text-decoration: none;
906
+ }
907
+ /*-- login --*/
908
+ .login-form-grids{
909
+ width: 45%;
910
+ padding: 3em;
911
+ background:#F7F7F9;
912
+ margin:3em auto 0;
913
+ }
914
+ .login-form-grids input[type="email"],.login-form-grids input[type="password"],.login-form-grids input[type="text"]{
915
+ outline: none;
916
+ border: 1px solid #DBDBDB;
917
+ padding: 10px 10px 10px 10px;
918
+ font-size: 14px;
919
+ color: #999;
920
+ display: block;
921
+ width: 100%;
922
+ }
923
+
924
+ .login-form-grids input[type="password"]{
925
+ margin:1em 0 0;
926
+ }
927
+ .forgot {
928
+ margin: 1.5em 0 0;
929
+ }
930
+ .login-form-grids input[type="submit"]{
931
+ outline: none;
932
+ border: none;
933
+ padding: 10px 0;
934
+ font-size: 1em;
935
+ color: #fff;
936
+ display: block;
937
+ width: 100%;
938
+ background:#3399cc;
939
+ margin: 1.5em 0 0;
940
+ }
941
+ .login-form-grids input[type="submit"]:hover{
942
+ background:#52bfe9;
943
+ }
944
+ .login-form-grids ::-webkit-input-placeholder{
945
+ color:#999;
946
+ }
947
+ .forgot a{
948
+ color:#212121;
949
+ font-size:14px;
950
+ text-decoration:none;
951
+ }
952
+ .forgot a:hover{
953
+ color:#d8703f;
954
+ }
955
+ .login h4{
956
+ margin: 2em 0 0.5em;
957
+ font-size: 1.5em;
958
+ color: #212121;
959
+ text-align: center;
960
+ text-transform: uppercase;
961
+ }
962
+ .login p{
963
+ font-size:14px;
964
+ color:#999;
965
+ line-height:1.8em;
966
+ margin:0;
967
+ text-align:center;
968
+ }
969
+ .login p a{
970
+ color:#52bfe9;
971
+ text-decoration:none;
972
+ font-size: 1.2em;
973
+ padding: 0 .5em;
974
+ }
975
+ .login p a:hover{
976
+ color:#212121;
977
+ }
978
+ .login p a span{
979
+ top: 0.1em;
980
+ font-size: .7em;
981
+ left: 0.3em;
982
+ }
983
+ .login {
984
+ padding: 5em 0;
985
+ }
986
+ /*-- //login --*/
987
+ /*-- register --*/
988
+ .register {
989
+ padding: 5em 0;
990
+ }
991
+ .login-form-grids h5,.login-form-grids h6{
992
+ font-size:1em;
993
+ color:#212121;
994
+ text-transform:uppercase;
995
+ margin:0 0 2em;
996
+ }
997
+ .login-form-grids input[type="text"]{
998
+ background:url(../images/img-sp.png) no-repeat 5px -259px #fff;
999
+ }
1000
+ .login-form-grids input[type="text"]:nth-child(2){
1001
+ background:url(../images/img-sp.png) no-repeat 0px -298px #fff;
1002
+ margin:1em 0;
1003
+ }
1004
+ .register-check-box label{
1005
+ font-size:14px;
1006
+ font-weight:500;
1007
+ color:#999;
1008
+ margin: 1.5em 0 0 0em;
1009
+ }
1010
+ .checkbox {
1011
+ position: relative;
1012
+ padding-left: 38px !important;
1013
+ cursor: pointer;
1014
+ }
1015
+ .checkbox i {
1016
+ position: absolute;
1017
+ bottom: -2px;
1018
+ left: 0;
1019
+ display: block;
1020
+ width: 25px;
1021
+ height: 25px;
1022
+ outline: none;
1023
+ border: 2px solid #EDEDED;
1024
+ background: #FFF;
1025
+ }
1026
+ .checkbox input + i:after,.radio input + i:after {
1027
+ position: absolute;
1028
+ opacity: 0;
1029
+ transition: opacity 0.1s;
1030
+ -o-transition: opacity 0.1s;
1031
+ -ms-transition: opacity 0.1s;
1032
+ -moz-transition: opacity 0.1s;
1033
+ -webkit-transition: opacity 0.1s;
1034
+ }
1035
+ .checkbox input:checked + i:after,.radio input:checked + i:after{
1036
+ opacity: 1;
1037
+ }
1038
+ .checkbox input,.radio input {
1039
+ position: absolute;
1040
+ left: -9999px;
1041
+ }
1042
+ .checkbox input + i:after {
1043
+ content: '';
1044
+ background: url("../images/check.png") no-repeat 1px 2px;
1045
+ top: 0px;
1046
+ left: 2px;
1047
+ width: 16px;
1048
+ height: 16px;
1049
+ font: normal 12px/16px FontAwesome;
1050
+ text-align: center;
1051
+ }
1052
+ .login-form-grids h6{
1053
+ margin:3em 0 2em !important;
1054
+ }
1055
+ .login-form-grids input[type="password"]:nth-child(3) {
1056
+ margin:1em 0;
1057
+ }
1058
+ .register-home{
1059
+ margin:2em 0 0;
1060
+ text-align:center;
1061
+ }
1062
+ .register-home a{
1063
+ padding: 8px 45px;
1064
+ background: #9F9F9F;
1065
+ color:#fff;
1066
+ font-size:1em;
1067
+ text-decoration:none;
1068
+ }
1069
+ .register-home a:hover{
1070
+ background:#52bfe9;
1071
+ }
1072
+ /*-- //register --*/
1073
+ /*-- checkout --*/
1074
+ .checkout h2{
1075
+ font-size:1em;
1076
+ color:#212121;
1077
+ text-transform:uppercase;
1078
+ margin:0 0 3em;
1079
+ }
1080
+ .checkout h2 span{
1081
+ color:#3399cc;
1082
+ }
1083
+ table.timetable_sub {
1084
+ width:100%;
1085
+ margin:0 auto;
1086
+ }
1087
+ .timetable_sub thead {
1088
+ background: #004284;
1089
+ }
1090
+ .timetable_sub th {
1091
+ background: #52bfe9;
1092
+ color: #fff !important;
1093
+ text-transform: capitalize;
1094
+ font-size: 13px;
1095
+ border-right: 1px solid #52bfe9;
1096
+ }
1097
+ .timetable_sub th, .timetable_sub td {
1098
+ text-align: center;
1099
+ padding: 7px;
1100
+ font-size: 14px;
1101
+ color: #212121;
1102
+ }
1103
+ .timetable_sub td {
1104
+ border:1px solid #CDCDCD;
1105
+ }
1106
+ td.invert-image a img {
1107
+ width:30%;
1108
+ margin: 0 auto;
1109
+ }
1110
+ .rem{
1111
+ position:relative;
1112
+ }
1113
+ .close1,.close2,.close3 {
1114
+ background: url('../images/close_1.png') no-repeat 0px 0px;
1115
+ cursor: pointer;
1116
+ width: 28px;
1117
+ height: 28px;
1118
+ position: absolute;
1119
+ right: 15px;
1120
+ top: -13px;
1121
+ -webkit-transition: color 0.2s ease-in-out;
1122
+ -moz-transition: color 0.2s ease-in-out;
1123
+ -o-transition: color 0.2s ease-in-out;
1124
+ transition: color 0.2s ease-in-out;
1125
+ }
1126
+ /*-- quantity-starts --*/
1127
+ .value-minus,
1128
+ .value-plus{
1129
+ height: 40px;
1130
+ line-height: 24px;
1131
+ width: 40px;
1132
+ margin-right: 3px;
1133
+ display: inline-block;
1134
+ cursor: pointer;
1135
+ position: relative;
1136
+ font-size: 18px;
1137
+ color: #fff;
1138
+ text-align: center;
1139
+ -webkit-user-select: none;
1140
+ -moz-user-select: none;
1141
+ border:1px solid #b2b2b2;
1142
+ vertical-align: bottom;
1143
+ }
1144
+ .quantity-select .entry.value-minus:before,
1145
+ .quantity-select .entry.value-plus:before{
1146
+ content: "";
1147
+ width: 13px;
1148
+ height: 2px;
1149
+ background: #000;
1150
+ left: 50%;
1151
+ margin-left: -7px;
1152
+ top: 50%;
1153
+ margin-top: -0.5px;
1154
+ position: absolute;
1155
+ }
1156
+ .quantity-select .entry.value-plus:after{
1157
+ content: "";
1158
+ height: 13px;
1159
+ width: 2px;
1160
+ background: #000;
1161
+ left: 50%;
1162
+ margin-left: -1.4px;
1163
+ top: 50%;
1164
+ margin-top: -6.2px;
1165
+ position: absolute;
1166
+ }
1167
+ .value {
1168
+ cursor: default;
1169
+ width: 40px;
1170
+ height:40px;
1171
+ padding: 8px 0px;
1172
+ color: #A9A9A9;
1173
+ line-height: 24px;
1174
+ border: 1px solid #E5E5E5;
1175
+ background-color: #E5E5E5;
1176
+ text-align: center;
1177
+ display: inline-block;
1178
+ margin-right: 3px;
1179
+ }
1180
+ .quantity-select .entry.value-minus:hover,
1181
+ .quantity-select .entry.value-plus:hover{
1182
+ background: #E5E5E5;
1183
+ }
1184
+
1185
+ .quantity-select .entry.value-minus{
1186
+ margin-left: 0;
1187
+ }
1188
+ /*-- quantity-end --*/
1189
+ .checkout-left-basket h4{
1190
+ padding: 1em;
1191
+ background:#3399cc;
1192
+ font-size: 1.1em;
1193
+ color: #fff;
1194
+ text-transform: uppercase;
1195
+ text-align: center;
1196
+ margin: 0 0 1em;
1197
+ }
1198
+ .checkout-left {
1199
+ margin: 2em 0 0;
1200
+ }
1201
+ .checkout-left-basket ul li{
1202
+ list-style-type:none;
1203
+ margin-bottom:1em;
1204
+ font-size:14px;
1205
+ color:#999;
1206
+ }
1207
+ .checkout-left-basket {
1208
+ float: left;
1209
+ width: 25%;
1210
+ }
1211
+ .checkout-right-basket{
1212
+ float: right;
1213
+ margin: 8em 0 0 0em;
1214
+ }
1215
+ .checkout-left-basket ul li span {
1216
+ float: right;
1217
+ }
1218
+ .checkout-left-basket ul li:nth-child(5) {
1219
+ font-size: 1em;
1220
+ color: #212121;
1221
+ font-weight: 600;
1222
+ padding: 1em 0;
1223
+ border-top: 1px solid #DDD;
1224
+ border-bottom: 1px solid #DDD;
1225
+ margin: 2em 0 0;
1226
+ }
1227
+ .checkout-right-basket a{
1228
+ padding:10px 30px;
1229
+ color:#fff;
1230
+ font-size:1em;
1231
+ background:#212121;
1232
+ text-decoration:none;
1233
+ }
1234
+ .checkout-right-basket a:hover{
1235
+ background:#52bfe9;
1236
+ }
1237
+ .checkout-right-basket a span {
1238
+ left: -.5em;
1239
+ top: 0.1em;
1240
+ }
1241
+ .checkout {
1242
+ padding: 5em 0;
1243
+ }
1244
+ /*-- //checkout --*/
1245
+ /*-- faq --*/
1246
+ h3.w3ls-title.w3ls-title1 {
1247
+ text-align: center;
1248
+ margin: 0 0 1.5em;
1249
+ font-size: 2.5em;
1250
+ }
1251
+ .faq > li > a {
1252
+ width: 100%;
1253
+ display: block;
1254
+ position: relative;
1255
+ color: #fff;
1256
+ font-size: 1em;
1257
+ font-weight: 400;
1258
+ text-decoration: none;
1259
+ }
1260
+ .faq-w3agile .faq li {
1261
+ margin-top: 2em;
1262
+ list-style-type: decimal;
1263
+ padding-left: 0.5em;
1264
+ }
1265
+ .faq-w3agile .faq > li > a {
1266
+ color: #999;
1267
+ }
1268
+ .faq-w3agile .faq li li.subitem1 {
1269
+ display: block;
1270
+ margin-top: 1em;
1271
+ }
1272
+ .faq-w3agile {
1273
+ padding: 5em 0;
1274
+ }
1275
+ ul.faq {
1276
+ margin-top: 5em;
1277
+ }
1278
+ /*-- //faq-page --*/
1279
+ /*-- single --*/
1280
+ .agileinfo_single h2{
1281
+ font-size: 1.8em;
1282
+ color: #212121;
1283
+ line-height: 1.5em;
1284
+ text-transform: uppercase;
1285
+ margin-bottom: 1em;
1286
+ }
1287
+ .agileinfo_single_left {
1288
+ padding: 2em;
1289
+ box-shadow: 0px 0px 5px #b2afaf;
1290
+ }
1291
+ /*-- Ratings --*/
1292
+ .rating1 {
1293
+ direction:ltr;
1294
+ }
1295
+ .starRating:not(old) {
1296
+ display: inline-block;
1297
+ height: 17px;
1298
+ width:100px;
1299
+ overflow: hidden;
1300
+ }
1301
+
1302
+ .starRating:not(old) > input{
1303
+ margin-right :-26%;
1304
+ opacity : 0;
1305
+ }
1306
+
1307
+ .starRating:not(old) > label {
1308
+ float: right;
1309
+ background: url(../images/star.png);
1310
+ background-size: contain;
1311
+ margin-right: 2px;
1312
+ }
1313
+
1314
+ .starRating:not(old) > label:before{
1315
+ content : '';
1316
+ display : block;
1317
+ width : 16px;
1318
+ height : 16px;
1319
+ background : url(../images/star1.png);
1320
+ background-size : contain;
1321
+ opacity : 0;
1322
+ transition : opacity 0.2s linear;
1323
+ }
1324
+
1325
+ .starRating:not(old) > label:hover:before,
1326
+ .starRating:not(old) > label:hover ~ label:before,
1327
+ .starRating:not(:hover) > :checked ~ label:before{
1328
+ opacity : 1;
1329
+ }
1330
+ /*-- //Ratings --*/
1331
+ .agileinfo_single_right {
1332
+ padding-left: 5em;
1333
+ }
1334
+ .agileinfo_single_right_snipcart{
1335
+ margin:0 0 2em;
1336
+ }
1337
+ .agileinfo_single_right_details {
1338
+ margin: 0 !important;
1339
+ width: 25% !important;
1340
+ }
1341
+ .w3agile_description h4{
1342
+ font-size:1em;
1343
+ color:#212121;
1344
+ text-transform:uppercase;
1345
+ }
1346
+ .w3agile_description p{
1347
+ font-size:14px;
1348
+ color:#999;
1349
+ line-height:2em;
1350
+ margin:.5em 0 0;
1351
+ width:80%;
1352
+ }
1353
+ .w3agile_description {
1354
+ margin: 2em 0;
1355
+ }
1356
+ .w3ls_w3l_banner_nav_right_grid_popular{
1357
+ background:#f5f5f5;
1358
+ padding:5em 0 !important;
1359
+ }
1360
+ /*-- //single --*/
1361
+ .brands {
1362
+ padding: 5em 0;
1363
+ background: #eed3b6;
1364
+ }
1365
+ .brands-w3l {
1366
+ text-align: center;
1367
+
1368
+ }
1369
+ .brands-w3l p a{
1370
+ font-size: 17px;
1371
+ font-weight: 700;
1372
+ text-transform: uppercase;
1373
+ color: #39c;
1374
+ background: #fff;
1375
+ padding: 16px;
1376
+ display: block;
1377
+ border: 1px solid #e1e1e1;
1378
+ }
1379
+ .brands-w3l p a:hover{
1380
+ box-shadow: 0 0 6px 1px #b6b6b6;
1381
+ }
1382
+ .brands-agile-1 {
1383
+ margin: 20px 0;
1384
+ }
1385
+ .brands-agile {
1386
+ margin-top: 5em;
1387
+ }
1388
+ /*-- products --*/
1389
+ .products {
1390
+ padding: 5em 0;
1391
+ }
1392
+ .sorting{
1393
+ float:right;
1394
+ width: 35%;
1395
+ }
1396
+ .sorting-left{
1397
+ float: right;
1398
+ margin-right: 2em;
1399
+ width: 25%;
1400
+ }
1401
+ select#country,select#country1 {
1402
+ border: 1px solid #212121;
1403
+ outline: none;
1404
+ font-size: 14px;
1405
+ color: #212121;
1406
+ padding: 0.5em;
1407
+ width: 100%;
1408
+ cursor: pointer;
1409
+ }
1410
+ .products-right-grids{
1411
+ margin-bottom: 2em;
1412
+ }
1413
+ .numbering{
1414
+ text-align:right;
1415
+ }
1416
+ ul.paging {
1417
+ margin: 4em auto 0;
1418
+ }
1419
+ .paging > .active > a,.paging > .active > a:hover {
1420
+ background-color:#ffc229;
1421
+ border-color:#EDB62B;
1422
+ }
1423
+ .pagination > li > a{
1424
+ color:#212121;
1425
+ }
1426
+ .categories,.new-products{
1427
+ border:1px solid #999;
1428
+ }
1429
+ .categories h2{
1430
+ font-size: 1.5em;
1431
+ color: #212121;
1432
+ margin: 0;
1433
+ padding: .5em;
1434
+ background: #f5f5f5;
1435
+ text-transform: uppercase;
1436
+ text-align: center;
1437
+ letter-spacing: 5px;
1438
+ }
1439
+ .filter-price h3{
1440
+ background:none;
1441
+ }
1442
+ .categories ul.cate,.new-products-grids{
1443
+ padding:2em;
1444
+ }
1445
+ .categories ul li{
1446
+ display:block;
1447
+ color:#999;
1448
+ font-size:14px;
1449
+ margin-bottom:1em;
1450
+ }
1451
+ .categories ul li a{
1452
+ color:#999;
1453
+ text-decoration:none;
1454
+ }
1455
+ .categories ul li a:hover{
1456
+ color:#3399cc;
1457
+ }
1458
+ .categories ul li span{
1459
+ float:right;
1460
+ }
1461
+ ul.cate ul{
1462
+ margin-left:2em;
1463
+ }
1464
+ ul.dropdown-menu1 li{
1465
+ display:block;
1466
+ font-size:14px;
1467
+ }
1468
+ ul.dropdown-menu1 li a{
1469
+ color:#212121;
1470
+ text-decoration:none;
1471
+ }
1472
+ input#amount {
1473
+ outline: none;
1474
+ margin: 0 auto;
1475
+ text-align: center;
1476
+ width: 100%;
1477
+ }
1478
+ .new-products-grid-left{
1479
+ float:left;
1480
+ width:35%;
1481
+ }
1482
+ .new-products-grid-right{
1483
+ float:right;
1484
+ width:60%;
1485
+ }
1486
+ /*-- //products --*/
1487
+ /*-- about --*/
1488
+ .about,.about-team, .contact,.codes {
1489
+ padding: 5em 0;
1490
+ }
1491
+ h3.w3_agile_header,h2.w3_agile_header {
1492
+ text-align: center;
1493
+ color: #212121;
1494
+ padding-bottom: .5em;
1495
+ position: relative;
1496
+ font-size: 2.5em;
1497
+ text-transform: uppercase
1498
+ }
1499
+ h3.w3_agile_header:after,h2.w3_agile_header:after{
1500
+ content: '';
1501
+ background: #3399cc;
1502
+ height: 2px;
1503
+ width: 15%;
1504
+ position: absolute;
1505
+ bottom: 0%;
1506
+ left: 43%;
1507
+ }
1508
+ .icons {
1509
+ margin: 50px 0;
1510
+ }
1511
+ .about-agileinfo {
1512
+ margin-top: 4em;
1513
+ }
1514
+ .about .grid-top h4 {
1515
+ font-size: 1.5em;
1516
+ color: #222;
1517
+ letter-spacing: 4px;
1518
+ }
1519
+ .about img {
1520
+ width: 100%;
1521
+ }
1522
+ .about-w3imgs {
1523
+ padding: 0;
1524
+ overflow: hidden;
1525
+ }
1526
+ .about .grid-top p {
1527
+ font-size: 1em;
1528
+ color: #999;
1529
+ line-height: 1.8em;
1530
+ margin: 1em 0 2.5em;
1531
+ }
1532
+ .about .grid-top p.top {
1533
+ margin: 1em 0;
1534
+ }
1535
+ .offic-time {
1536
+ text-align: center;
1537
+ }
1538
+ .time-top {
1539
+ padding: 1em;
1540
+ background-color: #52bfe9;
1541
+ }
1542
+ .time-top h4 {
1543
+ font-size: 1.7em;
1544
+ color: #fff;
1545
+ }
1546
+ .time-bottom {
1547
+ padding: 1.6em 2em;
1548
+ background-color: #212121;
1549
+ }
1550
+ .time-bottom h5 {
1551
+ font-size: 1.1em;
1552
+ color: #FFF;
1553
+ line-height: 1.8em;
1554
+ letter-spacing: 1px;
1555
+ }
1556
+ .time-bottom p {
1557
+ font-size: 1em;
1558
+ color: #BBBBBB;
1559
+ margin-top: 0.5em;
1560
+ line-height: 1.8em;
1561
+ }
1562
+ /*-- //about-page --*/
1563
+ .testi {
1564
+ width: 100%;
1565
+ margin-top: 3em;
1566
+ position: relative;
1567
+ }
1568
+ .testi h3.w3ls-title1 {
1569
+ text-align: left;
1570
+ font-size: 2.5em;
1571
+ }
1572
+ .testi h4 {
1573
+ color: #FFFFFF;
1574
+ font-size: 1.4em;
1575
+ letter-spacing: 1px;
1576
+ }
1577
+ .testi p {
1578
+ font-style: italic;
1579
+ color: #000;
1580
+ font-size: 1em;
1581
+ margin-top: 1em;
1582
+ line-height: 1.5em;
1583
+ font-weight: 300;
1584
+ }
1585
+ .testi-subscript p {
1586
+ margin: 1em 2.8em 0 0;
1587
+ }
1588
+ .testi p a {
1589
+ font-size: 1em;
1590
+ font-weight: 600;
1591
+ color: #000;
1592
+ margin: 0 5px;
1593
+ text-decoration: none;
1594
+ text-transform: capitalize;
1595
+ -webkit-transition: 0.5s all;
1596
+ -moz-transition: 0.5s all;
1597
+ -o-transition: 0.5s all;
1598
+ -ms-transition: 0.5s all;
1599
+ transition: 0.5s all;
1600
+ }
1601
+ .testi p a:hover{
1602
+ color: #fff;
1603
+ }
1604
+ .testi-subscript {
1605
+ position: relative;
1606
+ display: inline-block;
1607
+ }
1608
+ .testi span.w3-agilesub {
1609
+ position: absolute;
1610
+ background: url(../images/icon3.png) no-repeat 0px 0px;
1611
+ display: block;
1612
+ width: 30px;
1613
+ height: 29px;
1614
+ top: 0%;
1615
+ right: 0%;
1616
+ }
1617
+ .testi-slider {
1618
+ padding: 4em 2em 3em;
1619
+ background: #3399cc;
1620
+ margin-top: 2em;
1621
+ }
1622
+ /*-- slider start here --*/
1623
+ #slider3,#slider4 {
1624
+ box-shadow: none;
1625
+ -moz-box-shadow: none;
1626
+ -webkit-box-shadow: none;
1627
+ margin: 0 auto;
1628
+ }
1629
+ .rslides_tabs {
1630
+ list-style: none;
1631
+ padding: 0;
1632
+ background: rgba(0,0,0,.25);
1633
+ box-shadow: 0 0 1px rgba(255,255,255,.3), inset 0 0 5px rgba(0,0,0,1.0);
1634
+ -moz-box-shadow: 0 0 1px rgba(255,255,255,.3), inset 0 0 5px rgba(0,0,0,1.0);
1635
+ -webkit-box-shadow: 0 0 1px rgba(255,255,255,.3), inset 0 0 5px rgba(0,0,0,1.0);
1636
+ font-size: 18px;
1637
+ list-style: none;
1638
+ margin: 0 auto 50px;
1639
+ max-width: 540px;
1640
+ padding: 10px 0;
1641
+ text-align: center;
1642
+ width: 100%;
1643
+ }
1644
+ .rslides_tabs li {
1645
+ display: inline;
1646
+ float: none;
1647
+ margin-right: 1px;
1648
+ }
1649
+ .rslides_tabs a {
1650
+ width: auto;
1651
+ line-height: 20px;
1652
+ padding: 9px 20px;
1653
+ height: auto;
1654
+ background: transparent;
1655
+ display: inline;
1656
+ }
1657
+ .rslides_tabs li:first-child {
1658
+ margin-left: 0;
1659
+ }
1660
+ .rslides_tabs .rslides_here a {
1661
+ background: rgba(255,255,255,.1);
1662
+ color: #fff;
1663
+ font-weight: bold;
1664
+ }
1665
+ .events {
1666
+ list-style: none;
1667
+ }
1668
+ .callbacks_container {
1669
+ float: left;
1670
+ width: 100%;
1671
+ }
1672
+ .callbacks {
1673
+ position: relative;
1674
+ list-style: none;
1675
+ overflow: hidden;
1676
+ width: 100%;
1677
+ padding: 0;
1678
+ margin: 0;
1679
+ }
1680
+ .callbacks li {
1681
+ position: absolute;
1682
+ width: 100%;
1683
+ left: 0;
1684
+ top: 0;
1685
+ }
1686
+ .callbacks img {
1687
+ position: relative;
1688
+ z-index: 1;
1689
+ height: auto;
1690
+ border: 0;
1691
+ }
1692
+ .callbacks_nav {
1693
+ position: absolute;
1694
+ -webkit-tap-highlight-color: rgba(0,0,0,0);
1695
+ top: 15%;
1696
+ right: 0%;
1697
+ opacity: 0.7;
1698
+ z-index: 3;
1699
+ text-indent: -9999px;
1700
+ overflow: hidden;
1701
+ text-decoration: none;
1702
+ height: 30px;
1703
+ width: 25px;
1704
+ background: url("../images/icon1.png")no-repeat center center;
1705
+ }
1706
+ .callbacks_nav:active {
1707
+ opacity: 1.0;
1708
+ }
1709
+ .callbacks_nav.next {
1710
+ right: 7%;
1711
+ background: url("../images/icon2.png")no-repeat center center;
1712
+ }
1713
+ #slider3-pager a ,#slider4-pager a {
1714
+ display: inline-block;
1715
+ }
1716
+ #slider3-pager span, #slider4-pager span{
1717
+ float: left;
1718
+ }
1719
+ #slider3-pager span,#slider4-pager span{
1720
+ width:100px;
1721
+ height:15px;
1722
+ background:#fff;
1723
+ display:inline-block;
1724
+ border-radius:30em;
1725
+ opacity:0.6;
1726
+ }
1727
+ #slider3-pager .rslides_here a , #slider4-pager .rslides_here a {
1728
+ background: #FFF;
1729
+ border-radius:30em;
1730
+ opacity:1;
1731
+ }
1732
+ #slider3-pager a ,#slider4-pager a{
1733
+ padding: 0;
1734
+ }
1735
+ #slider3-pager li ,#slider4-pager li{
1736
+ display:inline-block;
1737
+ }
1738
+ .rslides {
1739
+ position: relative;
1740
+ list-style: none;
1741
+ overflow: hidden;
1742
+ width: 100%;
1743
+ padding: 0;
1744
+ margin: 0;
1745
+ }
1746
+ .rslides li {
1747
+ -webkit-backface-visibility: hidden;
1748
+ position: absolute;
1749
+ display: none;
1750
+ width: 100%;
1751
+ left: 0;
1752
+ top: 0;
1753
+ }
1754
+ .rslides li{
1755
+ position: relative;
1756
+ display: block;
1757
+ float: left;
1758
+ }
1759
+ .rslides img {
1760
+ height: auto;
1761
+ border: 0;
1762
+ width:100%;
1763
+ }
1764
+ .callbacks_tabs a{
1765
+ font-size: 30px;
1766
+ color: #70664c;
1767
+ font-weight: 600;
1768
+ padding: 0px 18px;
1769
+ background: rgba(222, 208, 157, 0.89);
1770
+ }
1771
+ .callbacks_here a:after{
1772
+ color: black;
1773
+ text-decoration: none;
1774
+ background: rgba(245, 179, 3, 0.56);
1775
+ }
1776
+ .callbacks_tabs a:hover, .callbacks_tabs a:active {
1777
+ color: black;
1778
+ text-decoration: none;
1779
+ background: rgba(245, 179, 3, 0.56);
1780
+ }
1781
+ .callbacks_tabs a:after{
1782
+ color: black;
1783
+ text-decoration: none;
1784
+ background: rgba(245, 179, 3, 0.56);
1785
+ }
1786
+ li.callbacks1_s1.callbacks_here a.callbacks1_s1:after, li.callbacks1_s1.callbacks_here a.callbacks1_s1:active{
1787
+ color: black;
1788
+ background: rgba(245, 179, 3, 0.79);
1789
+ text-decoration: none;
1790
+ outline: none;
1791
+ }
1792
+ li.callbacks1_s1.callbacks_here a.callbacks1_s1:focus{
1793
+ color: black;
1794
+ background: rgba(245, 179, 3, 0.79);
1795
+ text-decoration: none;
1796
+ outline: none;
1797
+ }
1798
+ a.callbacks1_s4.active,a.callbacks1_s4:focus{
1799
+ color: black;
1800
+ background: rgba(245, 179, 3, 0.79);
1801
+ text-decoration: none;
1802
+ outline: none;
1803
+ }
1804
+ a.callbacks1_s2.active,a.callbacks1_s2:focus{
1805
+ color: black;
1806
+ background: rgba(245, 179, 3, 0.79);
1807
+ text-decoration: none;
1808
+ outline: none;
1809
+ }
1810
+ a.callbacks1_s3.active,a.callbacks1_s3:focus{
1811
+ color: black;
1812
+ background: rgba(245, 179, 3, 0.79);
1813
+ text-decoration: none;
1814
+ outline: none;
1815
+ }
1816
+ /*--//slider end here--*/
1817
+ /*-- about-slid --*/
1818
+ .about-slid{
1819
+ background: url(../images/22.jpg)no-repeat 0px center fixed;
1820
+ background-size: cover;
1821
+ text-align: center;
1822
+ padding: 6em 0;
1823
+ }
1824
+ .about-slid-info {
1825
+ width: 75%;
1826
+ margin: 0 auto;
1827
+ }
1828
+ .about-slid h2 {
1829
+ color: #fff;
1830
+ font-size: 3.5em;
1831
+ font-family: 'Abel', sans-serif;
1832
+ }
1833
+ .about-slid p {
1834
+ color: #fff;
1835
+ font-size: 1em;
1836
+ margin-top: 2em;
1837
+ line-height: 1.8em;
1838
+ }
1839
+ /*-- team-agileitsinfo --*/
1840
+ .team-agileitsinfo {
1841
+ margin-top: 4em;
1842
+ }
1843
+ .about-team-grids {
1844
+ background: #3399cc;
1845
+ padding: 2em 1em;
1846
+ margin-left: 5px;
1847
+ width: 24.5%;
1848
+ }
1849
+ .about-team-grids img {
1850
+ width: 100%;
1851
+ }
1852
+ .about-team-grids h4 {
1853
+ color: #000;
1854
+ font-size: 1.1em;
1855
+ margin: 1.5em 0 0.5em;
1856
+ }
1857
+ .about-team-grids h4 span {
1858
+ font-size: 1.3em;
1859
+ color: #000;
1860
+ margin-right: 10px;
1861
+ }
1862
+ .team-w3lstext h6 {
1863
+ color: #67686b;
1864
+ font-size: 16px;
1865
+ font-weight: 400;
1866
+ margin: 0;
1867
+ letter-spacing: 0px;
1868
+ }
1869
+ .about-team-grids p {
1870
+ color: #fff;
1871
+ font-size: 14PX;
1872
+ line-height: 1.8em;
1873
+ font-weight: 400;
1874
+ margin-top: 1em;
1875
+ }
1876
+ .about-grid1 .thumb .caption {
1877
+ float: left;
1878
+ width: 100%;
1879
+ height: 70px;
1880
+ position: absolute;
1881
+ left: 0;
1882
+ bottom: 0;
1883
+ padding: 13px 30px;
1884
+ text-align: center;
1885
+ background-color:rgba(81, 92, 142, 0.55);
1886
+ -o-transition: all 0.3s ease;
1887
+ -moz-transition: all 0.3s ease;
1888
+ -ms-transition: all 0.3s ease;
1889
+ -webkit-transition: all 0.3s ease;
1890
+ transition: all 0.3s ease;
1891
+ }
1892
+ .about-grid1 .thumb:hover .caption {
1893
+ height: 100%;
1894
+ padding: 40px 30px;
1895
+ opacity: 1;
1896
+ visibility: visible;
1897
+ }
1898
+ .caption {
1899
+ opacity: 0;
1900
+ top: 0%;
1901
+ position: absolute;
1902
+ background-color:rgba(51, 153, 204, 0.58);
1903
+ width: 100%;
1904
+ left: 0;
1905
+ text-align: center;
1906
+ -webkit-transition: 0.5s all;
1907
+ -moz-transition: 0.5s all;
1908
+ -o-transition: 0.5s all;
1909
+ -ms-transition: 0.5s all;
1910
+ transition: 0.5s all;
1911
+ }
1912
+ .social-icons ul li {
1913
+ display: inline-block;
1914
+ font-size: inherit;
1915
+ text-align: center;
1916
+ margin: 0;
1917
+ }
1918
+ .social-icons ul li a.fa {
1919
+ font-size: 1em;
1920
+ color: #fff;
1921
+ line-height: 2.6em;
1922
+ }
1923
+ .social-icons.caption ul li a.fa {
1924
+ margin: 0 .5em;
1925
+ line-height: inherit;
1926
+ -webkit-transition: 0.5s all;
1927
+ -moz-transition: 0.5s all;
1928
+ -o-transition: 0.5s all;
1929
+ -ms-transition: 0.5s all;
1930
+ transition: 0.5s all;
1931
+ }
1932
+ .about-team-grids:hover .caption{
1933
+ display:block;
1934
+ top: 49.2%;
1935
+ opacity:1;
1936
+ }
1937
+ .caption ul {
1938
+ padding: 1em 0;
1939
+ }
1940
+ .caption ul li a:hover{
1941
+ color:#000;
1942
+ }
1943
+ /*-- contact --*/
1944
+ .agile_map iframe{
1945
+ width:100%;
1946
+ min-height:580px;
1947
+ }
1948
+ .w3_agileits_contact_grid_left{
1949
+ padding:0;
1950
+ position:relative;
1951
+ }
1952
+ .agileits_w3layouts_map_pos{
1953
+ position: absolute;
1954
+ right: -15%;
1955
+ top: 22%;
1956
+ width: 50%;
1957
+ padding: 2em;
1958
+ background: #3399cc;
1959
+ }
1960
+ .agileits_w3layouts_map_pos h3{
1961
+ font-size:1.5em;
1962
+ color:#212121;
1963
+ }
1964
+ .agileits_w3layouts_map_pos p{
1965
+ color:#fff;
1966
+ line-height:2em;
1967
+ margin:.5em 0 1.5em;
1968
+ font-weight:600;
1969
+ }
1970
+ .agileits_w3layouts_map_pos ul.wthree_contact_info_address li{
1971
+ list-style-type:none;
1972
+ margin-bottom:1em;
1973
+ color:#fff;
1974
+ font-weight:600;
1975
+ }
1976
+ .agileits_w3layouts_map_pos ul.wthree_contact_info_address li i{
1977
+ padding-right:1em;
1978
+ }
1979
+ .agileits_w3layouts_map_pos ul.wthree_contact_info_address li a{
1980
+ color:#fff;
1981
+ text-decoration:none;
1982
+ }
1983
+ .agileits_w3layouts_map_pos ul.wthree_contact_info_address li a:hover{
1984
+ color:#212121;
1985
+ }
1986
+ .w3_agile_social_icons_contact ul li a {
1987
+ text-align: center;
1988
+ }
1989
+ .agileits_w3layouts_map_pos1{
1990
+ padding:2em;
1991
+ border:3px double #fff;
1992
+ }
1993
+ .w3_agileits_contact_grid_right{
1994
+ padding:0 4em 0 12em;
1995
+ }
1996
+ .w3_agileits_contact_grid_right form{
1997
+ padding:1em 0 0;
1998
+ }
1999
+ /*-- effect --*/
2000
+ .input {
2001
+ position: relative;
2002
+ z-index: 1;
2003
+ display: inline-block;
2004
+ margin: 0;
2005
+ max-width: 100%;
2006
+ width: calc(100% - 0em);
2007
+ vertical-align: top;
2008
+ }
2009
+
2010
+ .input__field {
2011
+ position: relative;
2012
+ display: block;
2013
+ float: right;
2014
+ padding: 0.8em;
2015
+ width: 60%;
2016
+ border: none;
2017
+ border-radius: 0;
2018
+ background: #f0f0f0;
2019
+ color: #aaa;
2020
+ -webkit-appearance: none; /* for box shadows to show on iOS */
2021
+ font-size: 14px;
2022
+ }
2023
+
2024
+ .input__field:focus {
2025
+ outline: none;
2026
+ }
2027
+
2028
+ .input__label {
2029
+ display: inline-block;
2030
+ float: right;
2031
+ padding: 0 1em;
2032
+ width: 40%;
2033
+ color: #212121;
2034
+ font-size: 14px;
2035
+ -webkit-font-smoothing: antialiased;
2036
+ -moz-osx-font-smoothing: grayscale;
2037
+ -webkit-touch-callout: none;
2038
+ -webkit-user-select: none;
2039
+ -khtml-user-select: none;
2040
+ -moz-user-select: none;
2041
+ -ms-user-select: none;
2042
+ user-select: none;
2043
+ }
2044
+
2045
+ .input__label-content {
2046
+ position: relative;
2047
+ display: block;
2048
+ padding:1em 0;
2049
+ width: 100%;
2050
+ }
2051
+ /* Ichiro */
2052
+ .input--ichiro {
2053
+ margin-top: 2em;
2054
+ }
2055
+
2056
+ .input__field--ichiro {
2057
+ position: absolute;
2058
+ top: 4px;
2059
+ left: 4px;
2060
+ z-index: 100;
2061
+ display: block;
2062
+ padding: 0 1em;
2063
+ width: calc(100% - 8px);
2064
+ height: calc(100% - 8px);
2065
+ background: #fff;
2066
+ color: #212121;
2067
+ opacity: 0;
2068
+ -webkit-transform: scale3d(1, 0, 1);
2069
+ transform: scale3d(1, 0, 1);
2070
+ -webkit-transform-origin: 50% 100%;
2071
+ transform-origin: 50% 100%;
2072
+ -webkit-transition: opacity 0.3s, -webkit-transform 0.3s;
2073
+ transition: opacity 0.3s, transform 0.3s;
2074
+ }
2075
+
2076
+ .input__label--ichiro {
2077
+ width: 100%;
2078
+ text-align: left;
2079
+ cursor: text;
2080
+ }
2081
+
2082
+ .input__label--ichiro::before {
2083
+ content: '';
2084
+ position: absolute;
2085
+ top: 0;
2086
+ left: 0;
2087
+ width: 100%;
2088
+ height: 100%;
2089
+ background: #f5f5f5;
2090
+ -webkit-transform-origin: 50% 100%;
2091
+ transform-origin: 50% 100%;
2092
+ -webkit-transition: -webkit-transform 0.3s;
2093
+ transition: transform 0.3s;
2094
+ border: 1px solid #e4e4e4;
2095
+ }
2096
+
2097
+ .input__label-content--ichiro {
2098
+ -webkit-transform-origin: 0% 50%;
2099
+ transform-origin: 0% 50%;
2100
+ -webkit-transition: -webkit-transform 0.3s;
2101
+ transition: transform 0.3s;
2102
+ }
2103
+
2104
+ .input__field--ichiro:focus,
2105
+ .input--filled .input__field--ichiro {
2106
+ opacity: 1;
2107
+ -webkit-transform: scale3d(1, 1, 1);
2108
+ transform: scale3d(1, 1, 1);
2109
+ }
2110
+
2111
+ .input__field--ichiro:focus + .input__label--ichiro,
2112
+ .input--filled .input__label--ichiro {
2113
+ cursor: default;
2114
+ pointer-events: none;
2115
+ }
2116
+
2117
+ .input__field--ichiro:focus + .input__label--ichiro::before,
2118
+ .input--filled .input__label--ichiro::before {
2119
+ -webkit-transform: scale3d(1, 1.5, 1);
2120
+ transform: scale3d(1, 1.5, 1);
2121
+ border: none;
2122
+ }
2123
+
2124
+ .input__field--ichiro:focus + .input__label--ichiro .input__label-content--ichiro,
2125
+ .input--filled .input__label-content--ichiro {
2126
+ -webkit-transform: translate3d(0, -2.4em, 0) scale3d(0.8, 0.8, 1);
2127
+ transform:translate3d(0, -2.4em, 0) scale3d(0.8, 0.8, 1) translateZ(1px);
2128
+ }
2129
+ .w3_agileits_contact_grid_right textarea {
2130
+ outline: none;
2131
+ width: 100%;
2132
+ background: #f5f5f5;
2133
+ color: #212121;
2134
+ padding: 10px;
2135
+ font-size: 14px;
2136
+ border: 1px solid #e4e4e4;
2137
+ min-height: 200px;
2138
+ font-weight: bold;
2139
+ margin: 2em 0 0;
2140
+ }
2141
+ .w3_agileits_contact_grid_right textarea::-webkit-input-placeholder {
2142
+ color: #212121 !important;
2143
+ }
2144
+ .w3_agileits_contact_grid_right input[type="submit"] {
2145
+ outline: none;
2146
+ width: 100%;
2147
+ background: #212121;
2148
+ color: #fff;
2149
+ padding: 0.8em 0;
2150
+ font-size: 1em;
2151
+ font-weight: bold;
2152
+ border: none;
2153
+ text-transform: uppercase;
2154
+ margin: 1em 0 0;
2155
+ letter-spacing: 5px;
2156
+ }
2157
+ .w3_agileits_contact_grid_right input[type="submit"]:hover{
2158
+ background:#3399cc;
2159
+ }
2160
+ /*-- //contact --*/
2161
+ /*-- social-icons --*/
2162
+ .w3_agile_social_icons ul li{
2163
+ display:inline-block;
2164
+ }
2165
+ .icon {
2166
+ display: inline-block;
2167
+ vertical-align: top;
2168
+ overflow: hidden;
2169
+ width: 35px;
2170
+ height: 35px;
2171
+ }
2172
+ .icon-cube {
2173
+ position: relative;
2174
+ -webkit-perspective: 100px;
2175
+ perspective: 100px;
2176
+ overflow: visible;
2177
+ }
2178
+
2179
+ /*-- agileits --*/
2180
+ .icon-cube::before,
2181
+ .icon-cube::after {
2182
+ display: block;
2183
+ position: absolute;
2184
+ top: 0;
2185
+ left: 0;
2186
+ width: 100%;
2187
+ height: 100%;
2188
+ font-family: FontAwesome;
2189
+ font-size: 1em;
2190
+ -webkit-transition: all 0.3s;
2191
+ transition: all 0.3s;
2192
+ line-height: 2.6em;
2193
+ }
2194
+
2195
+ .icon-cube::before {
2196
+ z-index: 2;
2197
+ background-color:#fff;
2198
+ }
2199
+
2200
+ .icon-cube::after {
2201
+ z-index: 1;
2202
+ opacity: 0;
2203
+ -webkit-transform:translateY(25px) rotateX(-90deg);
2204
+ transform:translateY(25px) rotateX(-90deg);
2205
+ }
2206
+
2207
+ .icon-cube:hover::before {
2208
+ opacity: 0;
2209
+ -webkit-transform: translateY(-25px) rotateX(90deg);
2210
+ transform: translateY(-25px) rotateX(90deg);
2211
+ }
2212
+
2213
+ .icon-cube:hover::after {
2214
+ opacity: 1;
2215
+ -webkit-transform: rotateX(0);
2216
+ transform: rotateX(0);
2217
+ }
2218
+
2219
+ /*-- facebook --*/
2220
+ /*-- w3layouts --*/
2221
+ .icon-cube.agile_facebook::before,
2222
+ .icon-cube.agile_facebook::after {
2223
+ content: "\f09a";
2224
+ color: #3b5998;
2225
+ }
2226
+
2227
+ .icon-cube.agile_facebook::after {
2228
+ background-color:#3b5998;
2229
+ color:#fff;
2230
+ }
2231
+ /*-- rss --*/
2232
+ .icon-cube.agile_rss::before,
2233
+ .icon-cube.agile_rss::after {
2234
+ content:"\f09e";
2235
+ color: #f26522;
2236
+ }
2237
+
2238
+ .icon-cube.agile_rss::after {
2239
+ background-color:#f26522;
2240
+ color: #fff;
2241
+ }
2242
+ /*-- instagram --*/
2243
+ .icon-cube.agile_instagram::before,
2244
+ .icon-cube.agile_instagram::after {
2245
+ content:"\f16d";
2246
+ color: #833ab4;
2247
+ }
2248
+
2249
+ .icon-cube.agile_instagram::after {
2250
+ background-color:#833ab4;
2251
+ color: #fff;
2252
+ }
2253
+ /*-- t --*/
2254
+ .icon-cube.agile_t::before,
2255
+ .icon-cube.agile_t::after {
2256
+ content:"\f173";
2257
+ color: #35465c;
2258
+ }
2259
+
2260
+ .icon-cube.agile_t::after {
2261
+ background-color:#35465c;
2262
+ color: #fff;
2263
+ }
2264
+ /*-- //social-icons --*/
2265
+ /*-- icons --*/
2266
+ .codes a {
2267
+ color: #999;
2268
+ }
2269
+ .icon-box {
2270
+ padding: 8px 15px;
2271
+ background:rgba(149, 149, 149, 0.18);
2272
+ margin: 1em 0 1em 0;
2273
+ border: 5px solid #ffffff;
2274
+ text-align: left;
2275
+ -moz-box-sizing: border-box;
2276
+ -webkit-box-sizing: border-box;
2277
+ box-sizing: border-box;
2278
+ font-size: 13px;
2279
+ transition: 0.5s all;
2280
+ -webkit-transition: 0.5s all;
2281
+ -o-transition: 0.5s all;
2282
+ -ms-transition: 0.5s all;
2283
+ -moz-transition: 0.5s all;
2284
+ cursor: pointer;
2285
+ }
2286
+ .icon-box:hover {
2287
+ background: #000;
2288
+ transition:0.5s all;
2289
+ -webkit-transition:0.5s all;
2290
+ -o-transition:0.5s all;
2291
+ -ms-transition:0.5s all;
2292
+ -moz-transition:0.5s all;
2293
+ }
2294
+ .icon-box:hover i.fa {
2295
+ color:#fff !important;
2296
+ }
2297
+ .icon-box:hover a.agile-icon {
2298
+ color:#fff !important;
2299
+ }
2300
+ .codes .bs-glyphicons li {
2301
+ float: left;
2302
+ width: 12.5%;
2303
+ height: 115px;
2304
+ padding: 10px;
2305
+ line-height: 1.4;
2306
+ text-align: center;
2307
+ font-size: 12px;
2308
+ list-style-type: none;
2309
+ }
2310
+ .codes .bs-glyphicons .glyphicon {
2311
+ margin-top: 5px;
2312
+ margin-bottom: 10px;
2313
+ font-size: 24px;
2314
+ }
2315
+ .codes .glyphicon {
2316
+ position: relative;
2317
+ top: 1px;
2318
+ display: inline-block;
2319
+ font-family: 'Glyphicons Halflings';
2320
+ font-style: normal;
2321
+ font-weight: 400;
2322
+ line-height: 1;
2323
+ -webkit-font-smoothing: antialiased;
2324
+ -moz-osx-font-smoothing: grayscale;
2325
+ color: #777;
2326
+ }
2327
+ .codes .bs-glyphicons .glyphicon-class {
2328
+ display: block;
2329
+ text-align: center;
2330
+ word-wrap: break-word;
2331
+ }
2332
+ h4.m-sing {
2333
+ text-align: left;
2334
+ }
2335
+ h3.icon-subheading {
2336
+ font-size: 28px;
2337
+ color: #52bfe9 !important;
2338
+ margin: 30px 0 15px;
2339
+ font-weight: 600;
2340
+ letter-spacing: 2px;
2341
+ }
2342
+ h3.agileits-icons-title {
2343
+ text-align: center;
2344
+ font-size: 33px;
2345
+ color: #222222;
2346
+ font-weight: 600;
2347
+ letter-spacing: 2px;
2348
+ }
2349
+ .icons a {
2350
+ color: #999;
2351
+ }
2352
+ .icon-box i {
2353
+ margin-right: 10px !important;
2354
+ font-size: 20px !important;
2355
+ color: #282a2b !important;
2356
+ }
2357
+ .bs-glyphicons li {
2358
+ float: left;
2359
+ width: 18%;
2360
+ height: 115px;
2361
+ padding: 10px;
2362
+ line-height: 1.4;
2363
+ text-align: center;
2364
+ font-size: 12px;
2365
+ list-style-type: none;
2366
+ background:rgba(149, 149, 149, 0.18);
2367
+ margin: 1%;
2368
+ }
2369
+ .bs-glyphicons .glyphicon {
2370
+ margin-top: 5px;
2371
+ margin-bottom: 10px;
2372
+ font-size: 24px;
2373
+ color: #282a2b;
2374
+ }
2375
+ .glyphicon {
2376
+ position: relative;
2377
+ top: 1px;
2378
+ display: inline-block;
2379
+ font-family: 'Glyphicons Halflings';
2380
+ font-style: normal;
2381
+ font-weight: 400;
2382
+ line-height: 1;
2383
+ -webkit-font-smoothing: antialiased;
2384
+ -moz-osx-font-smoothing: grayscale;
2385
+ color: #777;
2386
+ }
2387
+ .bs-glyphicons .glyphicon-class {
2388
+ display: block;
2389
+ text-align: center;
2390
+ word-wrap: break-word;
2391
+ }
2392
+ @media (max-width:991px){
2393
+ h3.agileits-icons-title {
2394
+ font-size: 28px;
2395
+ }
2396
+ h3.icon-subheading {
2397
+ font-size: 22px;
2398
+ }
2399
+ }
2400
+ @media (max-width:768px){
2401
+ h3.agileits-icons-title {
2402
+ font-size: 28px;
2403
+ }
2404
+ h3.icon-subheading {
2405
+ font-size: 25px;
2406
+ }
2407
+ .row {
2408
+ margin-right: 0;
2409
+ margin-left: 0;
2410
+ }
2411
+ .icon-box {
2412
+ margin: 0;
2413
+ }
2414
+ }
2415
+ @media (max-width: 640px){
2416
+ .icon-box {
2417
+ float: left;
2418
+ width: 50%;
2419
+ }
2420
+ }
2421
+ @media (max-width: 480px){
2422
+ .bs-glyphicons li {
2423
+ width: 31%;
2424
+ }
2425
+ .icon-box {
2426
+ float: none;
2427
+ width: 100%;
2428
+ }
2429
+ }
2430
+ @media (max-width: 414px){
2431
+ h3.agileits-icons-title {
2432
+ font-size: 23px;
2433
+ }
2434
+ h3.icon-subheading {
2435
+ font-size: 18px;
2436
+ }
2437
+ .bs-glyphicons li {
2438
+ width: 31.33%;
2439
+ }
2440
+ }
2441
+ @media (max-width: 384px){
2442
+ .icon-box {
2443
+ float: none;
2444
+ width: 100%;
2445
+ }
2446
+ }
2447
+ /*-- //icons --*/
2448
+ .w3_wthree_agileits_icons.main-grid-border {
2449
+ padding: 5em 0;
2450
+ }
2451
+ /*-----start-responsive-design------*/
2452
+ @media (max-width:1680px){
2453
+ }
2454
+ @media (max-width:1600px){
2455
+ }
2456
+ @media (max-width:1440px){
2457
+ }
2458
+ @media (max-width:1366px){
2459
+ }
2460
+ @media (max-width: 1280px){
2461
+ }
2462
+ @media (max-width: 1080px){
2463
+ #PPMiniCart {
2464
+ left: 42% !important;
2465
+ }
2466
+ #Awesome h4 {
2467
+ padding: 1.9em 0 0;
2468
+ }
2469
+ .w3ls_logo_products_left h1 a {
2470
+ font-size: 34px;
2471
+ }
2472
+ .w3l_search input[type="search"] {
2473
+ width: 81%;
2474
+ }
2475
+ .navbar-nav > li {
2476
+ margin-left: 8px;
2477
+ }
2478
+ .nav > li > a {
2479
+ padding: 10px 8px !important;
2480
+ }
2481
+ .top-brands h2, .newproducts-w3agile h3, .login h2, .register h2, .faq-w3agile h3, .brands h3 {
2482
+ font-size: 2em;
2483
+ }
2484
+ .w3_footer_grid h3 {
2485
+ font-size: 1.4em;
2486
+ }
2487
+ .products-right {
2488
+ padding: 0;
2489
+ }
2490
+ .snipcart-details {
2491
+ width: 81%;
2492
+ }
2493
+ h3.w3_agile_header, h2.w3_agile_header {
2494
+ font-size: 2em;
2495
+ }
2496
+ .w3_agileits_contact_grid_right {
2497
+ padding: 0 2em 0 6em;
2498
+ }
2499
+ .agileits_w3layouts_map_pos {
2500
+ width: 65%;
2501
+ }
2502
+ .about-team-grids {
2503
+ width: 24.4%;
2504
+ }
2505
+ .about-team-grids h4 {
2506
+ font-size: 0.9em;
2507
+ }
2508
+ .about-team-grids:hover .caption {
2509
+ top: 42.2%;
2510
+ }
2511
+ .testi h4 {
2512
+ font-size: 1.1em;
2513
+ }
2514
+ }
2515
+ @media (max-width: 1024px){
2516
+ }
2517
+ @media (max-width: 991px){
2518
+ .w3l_offers p {
2519
+ font-size: 14px;
2520
+ }
2521
+ .w3l_offers {
2522
+ width: 52%;
2523
+ }
2524
+ .agile-login {
2525
+ padding: 6px 0;
2526
+ }
2527
+ .w3view-cart {
2528
+ height: 36px;
2529
+ }
2530
+ .agileits_header {
2531
+ padding: 12px 0 8px;
2532
+ }
2533
+ .w3ls_logo_products_left h1 a {
2534
+ font-size: 30px;
2535
+ }
2536
+ i.fa.fa-phone {
2537
+ margin-right: 7px;
2538
+ font-size: 15px;
2539
+ }
2540
+ ul.phone_email li {
2541
+ font-size: 13px;
2542
+ }
2543
+ .w3ls_logo_products_left1 {
2544
+ margin-top: 0;
2545
+ width: 38%;
2546
+ }
2547
+ .w3l_search {
2548
+ width: 27%;
2549
+ margin: 0em 0 0em 0em;
2550
+ }
2551
+ .w3l_search input[type="search"] {
2552
+ width: 76%;
2553
+ }
2554
+ .navbar-default .navbar-nav > li > a {
2555
+ font-size: 14px;
2556
+ }
2557
+ .nav > li > a {
2558
+ padding: 10px 2px !important;
2559
+ }
2560
+ .navbar-nav > li {
2561
+ margin-left: 5px;
2562
+ }
2563
+ .navbar {
2564
+ min-height: 43px;
2565
+ }
2566
+ .top_brand_left {
2567
+ float: left;
2568
+ width: 33.33%;
2569
+ }
2570
+ .agile_top_brand_left_grid1 img {
2571
+ max-width: 100% ! important ;
2572
+ }
2573
+ .brands-agile-1 {
2574
+ margin: 0;
2575
+ }
2576
+ .w3layouts-brand {
2577
+ float: left;
2578
+ width: 33.33%;
2579
+ margin-bottom: 3%;
2580
+ }
2581
+ .top_brand_left-1 {
2582
+ width: 50%;
2583
+ float: left;
2584
+ margin-bottom: 3%;
2585
+ }
2586
+ .newproducts-w3agile {
2587
+ padding: 3em 0 2em;
2588
+ }
2589
+ .footer {
2590
+ padding: 3em 0 2em;
2591
+ }
2592
+ .w3_footer_grid {
2593
+ float: left;
2594
+ width: 50%;
2595
+ margin-bottom: 1em;
2596
+ }
2597
+ .footer-copy p {
2598
+ margin: 1.5em 0 0;
2599
+ }
2600
+ .ban-bottom3 {
2601
+ margin: 2em 0;
2602
+ }
2603
+ .products-left {
2604
+ padding: 0;
2605
+ margin-bottom: 24px;
2606
+ }
2607
+ .w3_agileits_contact_grid_right {
2608
+ padding: 0 1em 0 1em;
2609
+ margin-top:2em;
2610
+ }
2611
+ .agileits_w3layouts_map_pos {
2612
+ right: 6%;
2613
+ width: 38%;
2614
+ }
2615
+ .about-w3imgs {
2616
+ float: left;
2617
+ width: 33.33%;
2618
+ }
2619
+ .about-wthree-grids {
2620
+ margin-top: 2em;
2621
+ }
2622
+ .about-slid h2 {
2623
+ font-size: 2.5em;
2624
+ }
2625
+ .about-slid-info {
2626
+ width: 100%;
2627
+ }
2628
+ .about-team-grids {
2629
+ margin-left: 16px;
2630
+ width: 47%;
2631
+ float: left;
2632
+ padding: 2em 2em;
2633
+ margin-bottom: 20px;
2634
+ }
2635
+ .login-form-grids {
2636
+ width: 65%;
2637
+ }
2638
+ .login h4 {
2639
+ font-size: 1.3em;
2640
+ }
2641
+ .timetable_sub th, .timetable_sub td {
2642
+ font-size: 12px;
2643
+ }
2644
+ .checkout-left-basket {
2645
+ width: 34%;
2646
+ }
2647
+ .agileinfo_single_left {
2648
+ float: left;
2649
+ width: 40%;
2650
+ }
2651
+ .agileinfo_single_right {
2652
+ padding-left: 2em;
2653
+ float: left;
2654
+ width: 60%;
2655
+ }
2656
+ .agileinfo_single h2 {
2657
+ font-size: 1.4em;
2658
+ }
2659
+ .w3agile_description p {
2660
+ font-size: 14px;
2661
+ width: 100%;
2662
+ }
2663
+ .agileinfo_single_right_details {
2664
+ width: 36% !important;
2665
+ }
2666
+ }
2667
+ @media (max-width:800px){
2668
+ }
2669
+ @media (max-width: 768px){
2670
+ #PPMiniCart {
2671
+ left: 39% !important;
2672
+ }
2673
+ .top-brands {
2674
+ padding: 3em 0;
2675
+ }
2676
+ p.w3l-ad {
2677
+ width: 80%;
2678
+ }
2679
+ .brands {
2680
+ padding: 3em 0;
2681
+ }
2682
+ .ban-bottom-w3l {
2683
+ padding: 3em 0;
2684
+ }
2685
+ .brands-agile {
2686
+ margin-top: 3em;
2687
+ }
2688
+ .grid_3.grid_5 {
2689
+ margin-top: 3em;
2690
+ }
2691
+ .products {
2692
+ padding: 3em 0;
2693
+ }
2694
+ ul.paging {
2695
+ margin: 2em auto 0;
2696
+ }
2697
+ .about, .about-team, .contact, .codes {
2698
+ padding: 3em 0;
2699
+ }
2700
+ .about-agileinfo {
2701
+ margin-top: 3em;
2702
+ }
2703
+ .team-agileitsinfo {
2704
+ margin-top: 3em;
2705
+ }
2706
+ .register {
2707
+ padding: 3em 0;
2708
+ }
2709
+ .login {
2710
+ padding: 3em 0;
2711
+ }
2712
+ .checkout {
2713
+ padding: 3em 0;
2714
+ }
2715
+ }
2716
+ @media (max-width: 767px){
2717
+ .navbar-nav > li {
2718
+ float: none;
2719
+ margin-left: 0px;
2720
+ text-align: center;
2721
+ }
2722
+ .navbar-nav {
2723
+ margin: 0;
2724
+ }
2725
+ .about, .about-team, .contact, .codes {
2726
+ padding: 3em 0;
2727
+ }
2728
+ .agileits_w3layouts_map_pos {
2729
+ width: 45%;
2730
+ }
2731
+ ul.faq {
2732
+ margin-top: 3em;
2733
+ padding: 0 1.5em;
2734
+ }
2735
+ .faq-w3agile {
2736
+ padding: 3em 0em;
2737
+ }
2738
+ .navbar-nav .open .dropdown-menu {
2739
+ background: #fff;
2740
+ }
2741
+ .navbar-default {
2742
+ background: none;
2743
+ border: none;
2744
+ text-align: center;
2745
+ }
2746
+ }
2747
+ @media (max-width: 736px){
2748
+ #PPMiniCart {
2749
+ top: 140px !important;
2750
+ }
2751
+ #PPMiniCart form {
2752
+ max-height: 185px !important;
2753
+ }
2754
+ .w3l_offers p {
2755
+ font-size: 13px;
2756
+ }
2757
+ .w3ls_logo_products_left h1 a {
2758
+ font-size: 26px;
2759
+ }
2760
+ .logo_products {
2761
+ padding: 1.5em 0;
2762
+ }
2763
+ .skdslider {
2764
+ height: 281px;
2765
+ }
2766
+ .snipcart-details {
2767
+ width: 100%;
2768
+ }
2769
+ .agile_top_brand_left_grid1 p {
2770
+ font-size: 13px;
2771
+ }
2772
+ .agile_top_brand_left_grid1 h4, .agileinfo_single_right_snipcart h4 {
2773
+ font-size: 0.9em;
2774
+ }
2775
+ .value {
2776
+ width: 27px;
2777
+ height: 27px;
2778
+ padding: 8px 0px;
2779
+ line-height: 13px;
2780
+ }
2781
+ .value-minus, .value-plus {
2782
+ height: 27px;
2783
+ line-height: 13px;
2784
+ width: 27px;
2785
+ font-size: 16px;
2786
+ }
2787
+ .agileinfo_single h2 {
2788
+ font-size: 1.3em;
2789
+ }
2790
+ }
2791
+ @media (max-width: 667px){
2792
+ #PPMiniCart {
2793
+ left: 36% !important;
2794
+ }
2795
+ #PPMiniCart form {
2796
+ max-height: 165px !important;
2797
+ }
2798
+ .agile-login {
2799
+ width: 37%;
2800
+ }
2801
+ .w3l_offers {
2802
+ width: 56%;
2803
+ }
2804
+ .agile-login ul li {
2805
+ padding: 0em 0.4em;
2806
+ }
2807
+ .w3ls_logo_products_left1 {
2808
+ width: 100%;
2809
+ text-align: center;
2810
+ }
2811
+ .w3ls_logo_products_left {
2812
+ width: 100%;
2813
+ margin: 20px 0;
2814
+ }
2815
+ .w3ls_logo_products_left h1 a {
2816
+ display: inline-block;
2817
+ }
2818
+ .w3l_search {
2819
+ width: 100%;
2820
+ }
2821
+ .w3l_search input[type="search"] {
2822
+ width: 92%;
2823
+ }
2824
+ .logo_products {
2825
+ padding: 1em 0;
2826
+ }
2827
+ .top_brand_left {
2828
+ width: 100%;
2829
+ margin-bottom: 3%;
2830
+ }
2831
+ .snipcart-details input.button {
2832
+ width: 54%;
2833
+ }
2834
+ .agile_top_brands_grids {
2835
+ margin-top: 2em;
2836
+ }
2837
+ .agileits_w3layouts_map_pos {
2838
+ width: 51%;
2839
+ }
2840
+ .login-form-grids {
2841
+ width: 71%;
2842
+ }
2843
+ .checkout-left-basket {
2844
+ width: 42%;
2845
+ }
2846
+ .agileinfo_single h2 {
2847
+ font-size: 1.2em;
2848
+ }
2849
+ .agileinfo_single_right_details {
2850
+ width: 73% !important;
2851
+ text-align: left;
2852
+ }
2853
+ }
2854
+ @media (max-width: 640px){
2855
+ #PPMiniCart form {
2856
+ max-height: 400px !important;
2857
+ }
2858
+ .w3l_offers {
2859
+ width: 100%;
2860
+ text-align: center;
2861
+ }
2862
+ .agile-login {
2863
+ width: 38%;
2864
+ }
2865
+ .about .grid-top h4 {
2866
+ font-size: 1.3em;
2867
+ }
2868
+ .about-slid h2 {
2869
+ font-size: 2em;
2870
+ }
2871
+ .about-slid {
2872
+ padding: 4em 0;
2873
+ }
2874
+ .about-slid p {
2875
+ font-size: 0.9em;
2876
+ }
2877
+ .login-form-grids {
2878
+ width: 76%;
2879
+ }
2880
+ .agileinfo_single_left {
2881
+ padding: 1em;
2882
+ }
2883
+ .agileinfo_single_right {
2884
+ padding-left: 1em;
2885
+ }
2886
+ }
2887
+ @media (max-width: 600px){
2888
+ #PPMiniCart form {
2889
+ width: 506px !important;
2890
+ }
2891
+ #PPMiniCart {
2892
+ left: 41% !important;
2893
+ }
2894
+ #PPMiniCart ul {
2895
+ width: 464px !important;
2896
+ }
2897
+ #PPMiniCart form {
2898
+ max-height: 210px !important;
2899
+ }
2900
+ .agile-login {
2901
+ width: 40%;
2902
+ }
2903
+ .value-minus, .value-plus {
2904
+ height: 22px;
2905
+ width: 22px;
2906
+ }
2907
+ .value {
2908
+ width: 22px;
2909
+ height: 22px;
2910
+ line-height: 6px;
2911
+ }
2912
+ }
2913
+ @media (max-width: 568px){
2914
+ #PPMiniCart form {
2915
+ max-height: 100px !important;
2916
+ }
2917
+ .snipcart-details input.button {
2918
+ width: 64%;
2919
+ }
2920
+ .agile-login {
2921
+ width: 43%;
2922
+ }
2923
+ .w3l_search input[type="search"] {
2924
+ width: 91%;
2925
+ }
2926
+ .agileits_w3layouts_map_pos {
2927
+ width: 58%;
2928
+ }
2929
+ .about-team-grids {
2930
+ width: 46%;
2931
+ }
2932
+ .checkout-left-basket {
2933
+ width: 49%;
2934
+ }
2935
+ td.invert-image a img {
2936
+ width: 65%;
2937
+ }
2938
+ .timetable_sub th, .timetable_sub td {
2939
+ width: 50px;
2940
+ }
2941
+ .value {
2942
+ width: 17px;
2943
+ height: 17px;
2944
+ line-height: 0px;
2945
+ }
2946
+ .value-minus, .value-plus {
2947
+ height: 17px;
2948
+ width: 17px;
2949
+ }
2950
+ .timetable_sub th, .timetable_sub td {
2951
+ padding: 7px 0px;
2952
+ }
2953
+ }
2954
+ @media (max-width: 480px){
2955
+ #PPMiniCart form {
2956
+ max-height: 350px !important;
2957
+ }
2958
+ #PPMiniCart form {
2959
+ width: 400px !important;
2960
+ }
2961
+ #PPMiniCart ul {
2962
+ width: 358px !important;
2963
+ }
2964
+ #PPMiniCart {
2965
+ left: 51% !important;
2966
+ }
2967
+ .top_brand_left-1 {
2968
+ width: 100%;
2969
+ }
2970
+ .w3layouts-brand {
2971
+ float: left;
2972
+ width: 50%;
2973
+ margin-bottom: 3%;
2974
+ }
2975
+ .nav-tabs>li>a {
2976
+ font-size: 14px;
2977
+ }
2978
+ .w3l_search input[type="search"] {
2979
+ width: 90%;
2980
+ }
2981
+ .agile-login {
2982
+ width: 50%;
2983
+ }
2984
+ .top-brands h2, .newproducts-w3agile h3, .login h2, .register h2, .faq-w3agile h3, .brands h3 {
2985
+ font-size: 1.7em;
2986
+ }
2987
+ p.w3l-ad {
2988
+ width: 100%;
2989
+ }
2990
+ .grid_3.grid_5 h5 {
2991
+ font-size: 18px;
2992
+ }
2993
+ .w3_footer_grid {
2994
+ width: 100%;
2995
+ }
2996
+ .w3_footer_grid h3 {
2997
+ margin-bottom: 1em;
2998
+ }
2999
+ .sorting {
3000
+ width: 44%;
3001
+ }
3002
+ .sorting-left {
3003
+ width: 42%;
3004
+ }
3005
+ h3.w3_agile_header, h2.w3_agile_header {
3006
+ font-size: 1.7em;
3007
+ }
3008
+ .agileits_w3layouts_map_pos {
3009
+
3010
+ width: 70%;
3011
+ }
3012
+ .about-team-grids {
3013
+ width: 65%;
3014
+ float: none;
3015
+ margin: 0 auto 20px;
3016
+ }
3017
+ .about-slid h2 {
3018
+ font-size: 1.7em;
3019
+ }
3020
+ .login-form-grids {
3021
+ width: 90%;
3022
+ }
3023
+ .checkout-left-basket {
3024
+ width: 57%;
3025
+ }
3026
+ .checkout-right-basket {
3027
+ margin: 3em 0 0 0em;
3028
+ }
3029
+ .agileinfo_single_left {
3030
+ width: 100%;
3031
+ margin-bottom: 2em;
3032
+ padding: 3em 4em;
3033
+ }
3034
+ .agileinfo_single_right {
3035
+ padding-left: 0em;
3036
+ width: 100%;
3037
+ }
3038
+ }
3039
+ @media (max-width: 414px){
3040
+ #PPMiniCart form {
3041
+ width: 360px !important;
3042
+ }
3043
+ #PPMiniCart ul {
3044
+ width: 318px !important;
3045
+ }
3046
+ #PPMiniCart {
3047
+ left: 55% !important;
3048
+ }
3049
+ .agile-login {
3050
+ width: 61%;
3051
+ }
3052
+ .w3l_search input[type="search"] {
3053
+ width: 87%;
3054
+ }
3055
+ .w3ls_logo_products_left {
3056
+ margin: 12px 0;
3057
+ }
3058
+ .ban-text1 h4 {
3059
+ font-size: 16px;
3060
+ }
3061
+ .ban-text1 {
3062
+ left: 18%;
3063
+ }
3064
+ .footer-copy p {
3065
+ font-size: 14px;
3066
+ }
3067
+ .agileits_w3layouts_map_pos {
3068
+ width: 80%;
3069
+ }
3070
+ .about-wthree-grids {
3071
+ margin-top: 0em;
3072
+ }
3073
+ .about .grid-top h4 {
3074
+ font-size: 1.1em;
3075
+ line-height: 24px;
3076
+ }
3077
+ .about .grid-top p {
3078
+ font-size: 0.875em;
3079
+ }
3080
+ .about-team-grids {
3081
+ width: 80%;
3082
+ }
3083
+ .login-form-grids {
3084
+ padding: 2em;
3085
+ }
3086
+ .checkout h2 {
3087
+ font-size: 0.95em;
3088
+ margin: 0 0 2em;
3089
+ }
3090
+ .value-minus, .value-plus {
3091
+ margin: 4px 15px;
3092
+ display: inline-block;
3093
+ }
3094
+ .value {
3095
+ margin: 4px 15px;
3096
+ display: inline-block;
3097
+ }
3098
+ .quantity-select .entry.value-minus {
3099
+ margin-left: 15px;
3100
+ }
3101
+ .checkout-left-basket {
3102
+ width: 100%;
3103
+ }
3104
+ .agileinfo_single_left {
3105
+ padding: 2em 2em;
3106
+ }
3107
+ }
3108
+ @media (max-width: 384px){
3109
+ #PPMiniCart form {
3110
+ width: 300px !important;
3111
+ padding: 10px 10px 40px !important;
3112
+ }
3113
+ #PPMiniCart ul {
3114
+ width: 278px !important;
3115
+ }
3116
+ #PPMiniCart .minicart-remove {
3117
+ width: 11px !important;
3118
+ height: 11px !important;
3119
+ line-height: 0;
3120
+ margin: 3px 0 0 !important;
3121
+ }
3122
+ #PPMiniCart {
3123
+ left: 64% !important;
3124
+ }
3125
+ #PPMiniCart .minicart-item a {
3126
+ font-size: 13px;
3127
+ }
3128
+ #PPMiniCart .minicart-attributes li {
3129
+ font-size: 12px;
3130
+ }
3131
+ span.minicart-price {
3132
+ font-size: 12px;
3133
+ }
3134
+ #PPMiniCart .minicart-quantity {
3135
+ font-size: 11px;
3136
+ }
3137
+ .w3l_offers p {
3138
+ font-size: 12px;
3139
+ }
3140
+ .agile-login {
3141
+ width: 67%;
3142
+ }
3143
+ .w3l_search input[type="search"] {
3144
+ width: 86%;
3145
+ }
3146
+ .w3layouts-foot {
3147
+ width: 100%;
3148
+ text-align: center;
3149
+ margin-bottom: 20px;
3150
+ }
3151
+ .payment-w3ls {
3152
+ width: 100%;
3153
+ text-align: center;
3154
+ }
3155
+ .payment-w3ls img{
3156
+ display:inline-block;
3157
+ }
3158
+ .agileits_w3layouts_map_pos {
3159
+ width: 90%;
3160
+ }
3161
+ .about-slid h2 {
3162
+ font-size: 1.5em;
3163
+ }
3164
+ .about-slid p {
3165
+ font-size: 0.875em;
3166
+ }
3167
+ .login-form-grids {
3168
+ width: 95%;
3169
+ }
3170
+ .checkout h2 {
3171
+ font-size: 0.9em;
3172
+ }
3173
+ }
3174
+ @media (max-width: 375px){
3175
+ .login-form-grids {
3176
+ width: 100%;
3177
+ }
3178
+ .checkout h2 {
3179
+ font-size: 0.875em;
3180
+ }
3181
+ .agileinfo_single_left {
3182
+ padding: 1em 1em;
3183
+ }
3184
+ .agileinfo_single h2 {
3185
+ font-size: 1.1em;
3186
+ }
3187
+ }
3188
+ @media (max-width: 320px){
3189
+ #PPMiniCart form {
3190
+ width: 285px !important;
3191
+ }
3192
+ #PPMiniCart ul {
3193
+ width: 263px !important;
3194
+ }
3195
+ #PPMiniCart {
3196
+ left: 69% !important;
3197
+ }
3198
+ #PPMiniCart .minicart-subtotal {
3199
+ padding-left: 5px !important;
3200
+ font-size: 13px !important;
3201
+ }
3202
+ .agile-login {
3203
+ width: 79%;
3204
+ }
3205
+ .w3l_offers p {
3206
+ font-size: 10px;
3207
+ }
3208
+ .w3l_offers {
3209
+ padding: 9px 0 5px;
3210
+ }
3211
+ .w3ls_logo_products_left {
3212
+ margin: 3px 0 12px;
3213
+ }
3214
+ .w3l_search input[type="search"] {
3215
+ width: 83%;
3216
+ }
3217
+ .top-brands h2, .newproducts-w3agile h3, .login h2, .register h2, .faq-w3agile h3, .brands h3 {
3218
+ font-size: 1.4em;
3219
+ }
3220
+ .nav-tabs>li>a {
3221
+ font-size: 12px;
3222
+ }
3223
+ div#myTabContent {
3224
+ padding: 20px 20px;
3225
+ }
3226
+ p.w3l-ad {
3227
+ font-size: 13px;
3228
+ line-height: 24px;
3229
+ }
3230
+ .top_brand_left {
3231
+ padding: 0;
3232
+ }
3233
+ .ban-text1 h4 {
3234
+ font-size: 14px;
3235
+ }
3236
+ .ban-text1 {
3237
+ left: 17%;
3238
+ padding: 8px 18px;
3239
+ }
3240
+ .top-brands {
3241
+ padding: 2em 0;
3242
+ }
3243
+ .grid_3.grid_5 {
3244
+ margin-top: 2em;
3245
+ }
3246
+ .ban-bottom-w3l {
3247
+ padding: 2em 0;
3248
+ }
3249
+ .brands {
3250
+ padding: 2em 0;
3251
+ }
3252
+ .w3layouts-brand {
3253
+ width: 46%;
3254
+ padding: 0;
3255
+ margin: 2%;
3256
+ }
3257
+ .brands-agile {
3258
+ margin-top: 2em;
3259
+ }
3260
+ .newproducts-w3agile {
3261
+ padding: 2em 0 1em;
3262
+ }
3263
+ .footer-copy p {
3264
+ margin: 0 0 0;
3265
+ }
3266
+ .footer {
3267
+ padding: 2em 0 1.5em;
3268
+ }
3269
+ .w3_footer_grid h3 {
3270
+ font-size: 1.3em;
3271
+ }
3272
+ .w3_footer_grid {
3273
+ padding: 0;
3274
+ }
3275
+ .sorting-left {
3276
+ width: 47%;
3277
+ margin-right: 2%;
3278
+ }
3279
+ .sorting {
3280
+ width: 51%;
3281
+ }
3282
+ .products {
3283
+ padding: 2em 0;
3284
+ }
3285
+ .categories ul.cate, .new-products-grids {
3286
+ padding: 1em;
3287
+ }
3288
+ ul.cate ul {
3289
+ margin-left: 1.5em;
3290
+ }
3291
+ .about, .about-team, .contact, .codes {
3292
+ padding: 2em 0;
3293
+ }
3294
+ .agileits_w3layouts_map_pos1 {
3295
+ padding: 1em;
3296
+ }
3297
+ .agileits_w3layouts_map_pos {
3298
+ padding: 1em;
3299
+ }
3300
+ .agileits_w3layouts_map_pos {
3301
+ top: 13%;
3302
+ }
3303
+ .agile_map iframe {
3304
+ min-height: 430px;
3305
+ }
3306
+ h3.w3_agile_header, h2.w3_agile_header {
3307
+ font-size: 1.4em;
3308
+ }
3309
+ .about-agileinfo {
3310
+ margin-top: 2em;
3311
+ }
3312
+ .about-wthree-grids {
3313
+ padding: 0;
3314
+ }
3315
+ .about .grid-top h4 {
3316
+ font-size: 1em;
3317
+ letter-spacing: 1px;
3318
+ }
3319
+ .time-top h4 {
3320
+ font-size: 1.5em;
3321
+ }
3322
+ .about-slid {
3323
+ padding: 3em 0;
3324
+ }
3325
+ .about-slid h2 {
3326
+ font-size: 1.3em;
3327
+ }
3328
+ .about-team-grids {
3329
+ width: 100%;
3330
+ }
3331
+ .faq-w3agile {
3332
+ padding: 2em 0em;
3333
+ }
3334
+ ul.faq {
3335
+ margin-top: 2em;
3336
+ padding: 0 1em;
3337
+ }
3338
+ .faq-w3agile .faq li {
3339
+ margin-top: 1em;
3340
+ }
3341
+ .faq > li > a {
3342
+ line-height: 23px;
3343
+ }
3344
+ .register {
3345
+ padding: 2em 0;
3346
+ }
3347
+ .login-form-grids {
3348
+ margin: 2em auto 0;
3349
+ }
3350
+ .login-form-grids {
3351
+ padding: 1.2em;
3352
+ }
3353
+ .register-check-box label {
3354
+ font-size: 13px;
3355
+ }
3356
+ .checkbox {
3357
+ padding-left: 30px !important;
3358
+ }
3359
+ .login {
3360
+ padding: 2em 0;
3361
+ }
3362
+ .login p a {
3363
+ font-size: 1em;
3364
+ }
3365
+ .checkout h2 {
3366
+ font-size: 0.875em;
3367
+ line-height: 22px;
3368
+ }
3369
+ .checkout {
3370
+ padding: 2em 0;
3371
+ }
3372
+ .value-minus, .value-plus {
3373
+ margin: 4px 10px;
3374
+ }
3375
+ .quantity-select .entry.value-minus {
3376
+ margin-left: 10px;
3377
+ }
3378
+ .value {
3379
+ margin: 4px 10px;
3380
+ }
3381
+ td.invert-image a img {
3382
+ width: 72%;
3383
+ }
3384
+ .agileinfo_single h2 {
3385
+ font-size: 0.95em;
3386
+ }
3387
+ .w3agile_description h4 {
3388
+ font-size: 0.875em;
3389
+ }
3390
+ .w3agile_description {
3391
+ margin: 1em 0;
3392
+ }
3393
+ .w3agile_description p {
3394
+ font-size: 13px;
3395
+ }
3396
+ }
static/css/style.css.bak ADDED
@@ -0,0 +1,3396 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ /*--
2
+ Author: W3layouts
3
+ Author URL: http://w3layouts.com
4
+ License: Creative Commons Attribution 3.0 Unported
5
+ License URL: http://creativecommons.org/licenses/by/3.0/
6
+ --*/
7
+ html, body{
8
+ font-size: 100%;
9
+ font-family: 'Century Gothic';
10
+ background:#ffffff;
11
+ font-weight:700;
12
+ font-size:14px;
13
+ }
14
+ ul li,ol li{
15
+ font-size:14px;
16
+ font-weight:1000;
17
+ }
18
+ p{
19
+ margin:0;
20
+ }
21
+ h1,h2,h3,h4,h5,h6,a{
22
+ font-family: 'Century Gothic';
23
+ margin:0;
24
+ font-weight:1000;
25
+ }
26
+ ul,label{
27
+ margin:0;
28
+ padding:0;
29
+ }
30
+ body a:hover{
31
+ text-decoration:none;
32
+ }
33
+ /*-- header --*/
34
+ span.glyphicon.glyphicon-shopping-cart.my-cart-icon.my-cart-icon-affix {
35
+ position: relative !important;
36
+ }
37
+ .btn-danger {
38
+ color: #fff;
39
+ background-color: #3399cc;
40
+ border-color: #3399cc;
41
+ }
42
+ .modal-dialog {
43
+ width: 850px;
44
+ margin:75px auto 30px;
45
+ }
46
+ .snipcart-thumb a {
47
+ display: block;
48
+ text-align: center;
49
+ }
50
+ .my-cart-icon-affix i {
51
+ background: #0066ff !important;
52
+ }
53
+ .agile_top_brand_left_grid {
54
+ position: relative;
55
+ display: block;
56
+ }
57
+ i.badge.badge-notify.my-cart-badge {
58
+ font-style: normal;
59
+ background: #3399cc;
60
+ font-size: 14px;
61
+ position: absolute;
62
+ top: -10px;
63
+ right:-22px;
64
+ }
65
+ .product_list_header span {
66
+ font-size: 1em;
67
+ color: #fff;
68
+ top: 1em;
69
+ }
70
+ input[type="submit"],#PPMiniCart .minicart-submit,.w3ls_vegetables ul li a,input[type="reset"],.agileinfo_mail_grid_left ul li a,.events_bottom_left2 ul li a,.w3ls_service_grids1_right a,ul.agileits_social_icons li a,.w3l_banner_nav_right_banner_pet a,.w3ls_w3l_banner_nav_right_grid_head_grid ul li a,.products-breadcrumb ul li a,.w3_footer_grid ul li a,.w3l_fresh_vegetables_grid ul li a,.wthree_footer_copy p a,.agile_top_brand_left_grid1 .button,.w3ls_logo_products_left1 ul.special_items li a,.w3ls_logo_products_left1 ul.phone_email li a{
71
+ transition: .5s ease-in;
72
+ -webkit-transition: .5s ease-in;
73
+ -moz-transition: .5s ease-in;
74
+ -o-transition: .5s ease-in;
75
+ -ms-transition: .5s ease-in;
76
+ }
77
+ .agileits_header {
78
+ background: #333333;
79
+ padding: 12px 0;
80
+ }
81
+ .w3l_offers {
82
+ float: left;
83
+ padding: 9px 0;
84
+ width: 47%;
85
+ }
86
+ .w3l_offers p {
87
+ font-size: 15px;
88
+ color: #fff;
89
+ }
90
+ .w3l_offers p a {
91
+ color: #0066ff;
92
+ text-decoration: none;
93
+ }
94
+ .w3l_search {
95
+ float: right;
96
+ width: 25.33%;
97
+ margin: 0em 0 0em 0em;
98
+ }
99
+ .w3l_search input[type="search"] {
100
+ width: 83%;
101
+ padding:10px;
102
+ font-size: 14px;
103
+ color: #999;
104
+ outline: none;
105
+ border: 1px solid #cccccc;
106
+ background: none;
107
+ -webkit-appearance: none;
108
+ transition: 0.5s all;
109
+ -webkit-transition: 0.5s all;
110
+ -moz-transition: 0.5s all;
111
+ }
112
+ i.fa.fa-angle-right {
113
+ font-size: 15px;
114
+ margin-right: 5px;
115
+ }
116
+ i.fa.fa-phone {
117
+ margin-right: 10px;
118
+ font-size: 20px;
119
+ }
120
+ button.btn.btn-default.search {
121
+ background: #0066ff;
122
+ padding: 11px 12px 11px;
123
+ float: right;
124
+ outline: none;
125
+ border: none;
126
+ }
127
+ button.btn.btn-default.search:hover {
128
+ background:#333;
129
+
130
+ }
131
+ .agile-login {
132
+ float: left;
133
+ width: 40%;
134
+ text-align: center;
135
+ padding: 9px 0;
136
+ }
137
+ .agile-login ul li {
138
+ display: inline-block;
139
+ padding: 0em 1em;
140
+ }
141
+ .agile-login ul li a {
142
+ font-size: 1em;
143
+ text-transform: capitalize;
144
+ color: #fff;
145
+ text-decoration: none;
146
+ }
147
+ .w3l_search input[type="search"] {
148
+ margin-top:0px;
149
+ }
150
+ .w3l_search i.fa.fa-search {
151
+ font-size: 17px;
152
+ color:#fff;
153
+ }
154
+ button.w3l_search {
155
+ border: none;
156
+ position: absolute;
157
+ top: 4px;
158
+ right: 11px;
159
+ width: 47px;
160
+ height: 43px;
161
+ outline: none;
162
+ box-shadow: none;
163
+ background:#00e58b;
164
+ padding: 0;
165
+ border-radius: inherit;
166
+ -webkit-appearance: none;
167
+ -webkit-transition: .5s all;
168
+ -moz-transition: .5s all;
169
+ transition: .5s all;
170
+ }
171
+ .btn-default:hover {
172
+ background-color:#000;
173
+ border:none;
174
+ }
175
+ .cart-wthree .fa {
176
+ font-size: 34px;
177
+ margin-top: 7px;
178
+ }
179
+ button.w3view-cart {
180
+ background: transparent;
181
+ border: none;
182
+ }
183
+ button.w3view-cart:focus{
184
+ outline:none;
185
+ }
186
+ .logo_products {
187
+ padding: 2em 0;
188
+ }
189
+ .w3ls_logo_products_left {
190
+ float: left;
191
+ text-align: center;
192
+ width: 100%;
193
+ }
194
+ .w3ls_logo_products_left h1 a{
195
+ font-size: 40px;
196
+ color: #0066ff;
197
+ text-decoration: none;
198
+ text-transform: uppercase;
199
+ display: block;
200
+ line-height: 1;
201
+ }
202
+ .w3ls_logo_products_left1 {
203
+ float: left;
204
+ margin-top: 0.6em;
205
+ width: 33.33%;
206
+ }
207
+ .w3ls_logo_products_left1 ul.phone_email li{
208
+ display:inline-block;
209
+ color:#212121;
210
+ }
211
+ /*-- //header --*/
212
+ .navbar-default .navbar-nav > li > a {
213
+ color: #fff;
214
+ font-size: 16px;
215
+ font-weight: 500;
216
+ }
217
+ .logo-nav-left1 ul li.active a.act{
218
+ color:#fff !important;
219
+ }
220
+ .multi-column-dropdown li a {
221
+ color: #999 !important;
222
+ }
223
+ .navbar-default .navbar-nav > .active > a, .navbar-default .navbar-nav > .active > a:hover, .navbar-default .navbar-nav > .active > a:focus {
224
+ background-color: transparent;
225
+ color: #fff !important;
226
+ }
227
+ .navbar-default .navbar-collapse, .navbar-default .navbar-form {
228
+ border: none;
229
+ }
230
+ .navbar {
231
+ position: relative;
232
+ min-height: 50px;
233
+ margin-bottom: 10px;
234
+ border: 1px solid transparent;
235
+ }
236
+ .nav .open > a, .nav .open > a:hover, .nav .open > a:focus {
237
+ color: #fff;
238
+ }
239
+ .navbar-default {
240
+ background: none;
241
+ border: none;
242
+ }
243
+ .navbar-collapse {
244
+ padding: 0;
245
+ }
246
+ ul.multi-column-dropdown h6 {
247
+ font-size: 20px;
248
+ color:#0066ff;
249
+ margin: 0 0 0em;
250
+ padding-bottom: 1em;
251
+ border-bottom: 1px solid #E4E4E4;
252
+ text-transform: capitalize;
253
+ }
254
+ .multi-column-dropdown li {
255
+ list-style-type: none;
256
+ margin: 14px 0;
257
+ }
258
+ .multi-column-dropdown li a {
259
+ display: block;
260
+ clear: both;
261
+ line-height: 1.428571429;
262
+ color: #999 !important;
263
+ white-space: normal;
264
+ font-weight:500 !important;
265
+ }
266
+ .dropdown-menu.columns-3 {
267
+ min-width: 190px;
268
+ padding: 20px 30px;
269
+ }
270
+ .nav .open > a, .nav .open > a:hover, .nav .open > a:focus {
271
+ background: none;
272
+ border: none;
273
+ }
274
+ .navbar-default .navbar-nav > .open > a, .navbar-default .navbar-nav > .open > a:hover, .navbar-default .navbar-nav > .open > a:focus {
275
+ background-color: transparent;
276
+ }
277
+ .nav > li > a:hover, .nav > li > a:focus {
278
+ background: none;
279
+ color:#fff !important;
280
+ }
281
+ .navbar-default .navbar-nav > .open > a, .navbar-default .navbar-nav > .open > a:hover, .navbar-default .navbar-nav > .open > a:focus {
282
+ color: #fff;
283
+ }
284
+ .multi-gd-img img {
285
+ width: 100%;
286
+ }
287
+ .navigation-agileits {
288
+ background: #0066ff;
289
+ }
290
+ .navbar-nav > li {
291
+ float: left;
292
+ margin-left: 17px;
293
+ }
294
+ .navbar-nav > li:nth-child(1) {
295
+ margin-left: 0px;
296
+ }
297
+ /*-- banner --*/
298
+ .navbar-collapse {
299
+ padding: 0;
300
+ box-shadow: none;
301
+ }
302
+ .navbar {
303
+ margin-bottom: 0;
304
+ border: none;
305
+ }
306
+ /*-- cart --*/
307
+ /*-- cart-box --*/
308
+ .w3view-cart {
309
+ background: #3399cc;
310
+ border: none;
311
+ -webkit-border-radius: 50%;
312
+ -moz-border-radius: 50%;
313
+ -o-border-radius: 50%;
314
+ -ms-border-radius: 50%;
315
+ border-radius: 50%;
316
+ width: 40px;
317
+ height: 40px;
318
+ text-align: center;
319
+ outline: none;
320
+ }
321
+ .w3view-cart i.fa {
322
+ font-size: 24px;
323
+ color: #ffffff;
324
+ vertical-align: middle;
325
+ }
326
+ /*-- //cart-box --*/
327
+ /*-- top-brands --*/
328
+ .tag {
329
+ position: absolute;
330
+ top: -1%;
331
+ right: 10%;
332
+ }
333
+ .top-brands h2,.newproducts-w3agile h3,.login h2,.register h2,.faq-w3agile h3,.brands h3{
334
+ text-align:center;
335
+ color:#212121;
336
+ padding-bottom:.5em;
337
+ position:relative;
338
+ font-size: 2.5em;
339
+ text-transform: uppercase;
340
+ }
341
+ .top-brands h2:after,.newproducts-w3agile h3:after,.login h2:after,.register h2:after,.faq-w3agile h3:after,.brands h3:after{
342
+ content: '';
343
+ background: #3399cc;
344
+ height: 2px;
345
+ width: 15%;
346
+ position: absolute;
347
+ bottom: 0%;
348
+ left: 43%;
349
+ }
350
+ .agile_top_brand_left_grid{
351
+ background: #FFFFFF;
352
+ padding: .5em;
353
+ position:relative;
354
+ }
355
+ .agile_top_brand_left_grid_pos{
356
+ position:absolute;
357
+ top:0%;
358
+ right:0%;
359
+ }
360
+ .agile_top_brand_left_grid1{
361
+ padding:1em;
362
+ }
363
+ .agile_top_brand_left_grid1 img{
364
+ margin:0 auto;
365
+ }
366
+ .top-brands{
367
+ background: #f5f5f5;
368
+ padding:5em 0;
369
+ }
370
+ .agile_top_brand_left_grid1 p{
371
+ color:#212121;
372
+ margin:1.5em 0 1em;
373
+ line-height:1.5em;
374
+ text-transform:capitalize;
375
+ font-size:14px;
376
+ text-align: center;
377
+ }
378
+ .agile_top_brand_left_grid1 h4,.agileinfo_single_right_snipcart h4{
379
+ font-weight:600;
380
+ font-size:1em;
381
+ color:#212121;
382
+ text-align: center;
383
+ }
384
+ .agile_top_brand_left_grid1 h4 span,.agileinfo_single_right_snipcart h4 span{
385
+ font-weight:300;
386
+ text-decoration:line-through;
387
+ padding-left:1em;
388
+ }
389
+ /*-- cart --*/
390
+ .product_list_header {
391
+ float: right;
392
+ }
393
+ .snipcart-details {
394
+ text-align: center;
395
+ margin: 1.5em auto 1em;
396
+ width:77%;
397
+ }
398
+ .btn-danger.my-cart-btn:focus {
399
+ outline: none;
400
+ }
401
+ .snipcart-details input.button {
402
+ font-size: 14px;
403
+ color: #fff;
404
+ background: #3399cc;
405
+ text-decoration: none;
406
+ position: relative;
407
+ border: none;
408
+ border-radius: 0;
409
+ width: 100%;
410
+ text-transform: uppercase;
411
+ padding: .5em 0;
412
+ outline: none;
413
+ }
414
+ .agile_top_brand_left_grid:hover .snipcart-details input.button,.snipcart-details input.button:hover{
415
+ background: #0066ff;
416
+ }
417
+ .product_list_header input.button {
418
+ color: #fff;
419
+ font-size: 14px;
420
+ outline: none;
421
+ text-transform: capitalize;
422
+ padding: .5em 2.5em .5em 1em;
423
+ border: 1px solid #0066ff;
424
+ margin: .35em 0 0;
425
+ background: url(../images/cart.png) no-repeat 116px 9px;
426
+ }
427
+ #PPMiniCart form {
428
+ width: 590px !important;
429
+ padding: 10px 20px 40px !important;
430
+ max-height:450px !important;
431
+ }
432
+ #PPMiniCart ul {
433
+ width: 548px !important;
434
+ }
435
+ #PPMiniCart .minicart-item a {
436
+ color: #212121 !important;
437
+ font-size: 1em;
438
+ display: block;
439
+ margin-bottom: .5em;
440
+ text-transform: capitalize;
441
+ }
442
+ #PPMiniCart .minicart-item {
443
+ min-height:60px !important;
444
+ }
445
+ #PPMiniCart .minicart-attributes li {
446
+ color: #999;
447
+ }
448
+ #PPMiniCart .minicart-remove {
449
+ background: #3399cc !important;
450
+ border: 1px solid #3399cc !important;
451
+ opacity: 1 !important;
452
+ outline:none;
453
+ }
454
+ #PPMiniCart .minicart-submit {
455
+ display: none;
456
+ }
457
+ #PPMiniCart .minicart-submit:hover{
458
+ background:#0066ff !important;
459
+ border-color: #5b951a !important;
460
+ }
461
+ #PPMiniCart .minicart-subtotal {
462
+ padding-left: 25px !important;
463
+ bottom: -17px !important;
464
+ }
465
+ #PPMiniCart {
466
+ left: 44% !important;
467
+ }
468
+ .minicart-showing #PPMiniCart form{
469
+ overflow-x: hidden;
470
+ overflow-y: auto;
471
+ }
472
+ #PPMiniCart .minicart-footer {
473
+ position: relative;
474
+ width: 80%;
475
+ }
476
+ /*-- //cart --*/
477
+ .column div.agile_top_brand_left_grid {
478
+ position: relative;
479
+ margin:0;
480
+ }
481
+ .agile_top_brand_left_grid figure {
482
+ margin: 0;
483
+ padding: 0;
484
+ background:transparent;
485
+ overflow: hidden;
486
+ z-index: 0;
487
+ }
488
+ /* Shine */
489
+ .hover14 figure {
490
+ position: relative;
491
+ }
492
+ .hover14 figure::before {
493
+ position: absolute;
494
+ top: 0;
495
+ left: -75%;
496
+ z-index: 2;
497
+ display: block;
498
+ content: '';
499
+ width: 50%;
500
+ height: 100%;
501
+ background: -webkit-linear-gradient(left, rgba(255,255,255,0) 0%, rgba(255,255,255,.3) 100%);
502
+ background: linear-gradient(to right, rgba(255,255,255,0) 0%, rgba(255,255,255,.3) 100%);
503
+ -webkit-transform: skewX(-25deg);
504
+ transform: skewX(-25deg);
505
+ }
506
+ .hover14 figure:hover::before,.top_brand_left:hover .hover14 figure::before{
507
+ -webkit-animation: shine .75s;
508
+ animation: shine .75s;
509
+ }
510
+ @-webkit-keyframes shine {
511
+ 100% {
512
+ left: 125%;
513
+ }
514
+ }
515
+ @keyframes shine {
516
+ 100% {
517
+ left: 125%;
518
+ }
519
+ }
520
+ /*-- //top-brands --*/
521
+ div#myTabContent {
522
+ padding: 40px 40px;
523
+ }
524
+ .nav-tabs > li {
525
+ width: 50%;
526
+ }
527
+ .nav-tabs>li>a {
528
+ margin: 0 0px;
529
+ padding: 10px 53px;
530
+ line-height: 1.42857143;
531
+ font-size: 20px;
532
+ text-align:center;
533
+ text-transform:uppercase;
534
+ font-weight: 600;
535
+ border: 0px solid transparent;
536
+ border-radius: 0px 0px 0 0;
537
+ color: #016773;
538
+ }
539
+ .nav-tabs>li>a:hover, .nav>li>a:focus {
540
+ text-decoration: none;
541
+ background: #0066ff;
542
+ color: #FFF;
543
+ border: 0px solid transparent;
544
+ }
545
+ .nav-tabs>li.active>a, .nav-tabs>li.active>a:hover, .nav-tabs>li.active>a:focus {
546
+ color: #FFF;
547
+ background: #0066ff;
548
+ border: 0px solid transparent;
549
+ }
550
+ .nav-tabs {
551
+ border-bottom: 1px solid #fff;
552
+ }
553
+ .grid_3.grid_5 {
554
+ margin-top: 5em;
555
+ border: 1px solid #BEBEBE;
556
+ }
557
+ .grid_3.grid_5 h5 {
558
+ font-size: 20px;
559
+ color: #000;
560
+ margin-bottom: 16px;
561
+ }
562
+ p.w3l-ad {
563
+ font-size: 14px;
564
+ color: #777;
565
+ width: 42%;
566
+ line-height: 28px;
567
+ }
568
+ .agile_top_brands_grids {
569
+ margin-top: 40px;
570
+ }
571
+ .hover14.column {
572
+ border: 1px solid #c0bebe;
573
+ }
574
+ .stars {
575
+ text-align: center;
576
+ margin-bottom: 13px;
577
+ }
578
+ i.blue-star {
579
+ color: #3399cc;
580
+ }
581
+ i.gray-star {
582
+ color: #808080;
583
+ }
584
+ /*-- to-top --*/
585
+ #toTop {
586
+ display: none;
587
+ text-decoration: none;
588
+ position: fixed;
589
+ bottom: 20px;
590
+ right: 2%;
591
+ overflow: hidden;
592
+ z-index: 999;
593
+ width: 32px;
594
+ height: 32px;
595
+ border: none;
596
+ text-indent: 100%;
597
+ background: url(../images/arrow.png) no-repeat 0px 0px;
598
+ }
599
+ #toTopHover {
600
+ width: 32px;
601
+ height: 32px;
602
+ display: block;
603
+ overflow: hidden;
604
+ float: right;
605
+ opacity: 0;
606
+ -moz-opacity: 0;
607
+ filter: alpha(opacity=0);
608
+ }
609
+ /*-- //to-top --*/
610
+ .ban-bottom-w3l {
611
+ padding: 5em 0;
612
+ }
613
+ .ban-bottom1 {
614
+ float: left;
615
+ width: 48%;
616
+ margin-right:2%
617
+ }
618
+ .ban-bottom2 {
619
+ float: left;
620
+ width: 48%;
621
+ margin-left:2%
622
+ }
623
+ .ban-img {
624
+ margin-top: 2.1em;
625
+ }
626
+ .ban-top{
627
+ position: relative;
628
+ overflow: hidden;
629
+ }
630
+ .ban-top img {
631
+ -moz-transition: all 1s;
632
+ -o-transition: all 1s;
633
+ -webkit-transition: all 1s;
634
+ transition: all 1s;
635
+ width: 100%;
636
+ }
637
+ .ban-top:hover img {
638
+ -moz-transform: scale3d(1.1, 1.1, 1);
639
+ -o-transform: scale3d(1.1, 1.1, 1);
640
+ -ms-transform: scale3d(1.1, 1.1, 1);
641
+ -webkit-transform: scale3d(1.1, 1.1, 1);
642
+ transform: scale3d(1.1, 1.1, 1);
643
+ }
644
+ .ban-text {
645
+ position: absolute;
646
+ top: 50%;
647
+ left: 25%;
648
+ background: rgb(254, 145, 38);
649
+ padding: 10px 30px;
650
+ }
651
+ .ban-text1 {
652
+ position: absolute;
653
+ top: 40%;
654
+ left: 25%;
655
+ background: rgb(254, 145, 38);
656
+ padding: 10px 30px;
657
+ }
658
+ .ban-text h4 {
659
+ font-size: 22px;
660
+ color: #fff;
661
+ }
662
+ .ban-text1 h4 {
663
+ font-size: 22px;
664
+ color: #fff;
665
+ }
666
+ .ban-text2 h4 {
667
+ font-size: 1.5em;
668
+ color: #fff;
669
+ }
670
+ .ban-text2 span{
671
+ display:block;
672
+ line-height:1.5em;
673
+ }
674
+ /* Sweep To Top */
675
+ .hvr-sweep-to-top {
676
+ display: inline-block;
677
+ vertical-align: middle;
678
+ -webkit-transform: translateZ(0);
679
+ transform: translateZ(0);
680
+ box-shadow: 0 0 1px rgba(0, 0, 0, 0);
681
+ -webkit-backface-visibility: hidden;
682
+ backface-visibility: hidden;
683
+ -moz-osx-font-smoothing: grayscale;
684
+ position: relative;
685
+ -webkit-transition-property: color;
686
+ transition-property: color;
687
+ -webkit-transition-duration: 0.3s;
688
+ transition-duration: 0.3s;
689
+ }
690
+ .hvr-sweep-to-top:before {
691
+ content: "";
692
+ position: absolute;
693
+ z-index: -1;
694
+ top: 0;
695
+ left: 0;
696
+ right: 0;
697
+ bottom: 0;
698
+ background: #F19E1F;
699
+ border-radius: 50%;
700
+ -webkit-border-radius: 60%;
701
+ -moz-border-radius: 60%;
702
+ -o-border-radius: 60%;
703
+ -ms-border-radius: 60%;
704
+ -webkit-transform: scaleY(0);
705
+ transform: scaleY(0);
706
+ -webkit-transform-origin: 50% 100%;
707
+ transform-origin: 50% 100%;
708
+ -webkit-transition-property: transform;
709
+ transition-property: transform;
710
+ -webkit-transition-duration: 0.3s;
711
+ transition-duration: 0.3s;
712
+ -webkit-transition-timing-function: ease-out;
713
+ transition-timing-function: ease-out;
714
+ }
715
+ .hvr-sweep-to-top:hover, .hvr-sweep-to-top:focus, .hvr-sweep-to-top:active {
716
+ color: white;
717
+ }
718
+ .hvr-sweep-to-top:hover:before, .hvr-sweep-to-top:focus:before, .hvr-sweep-to-top:active:before,.services-grid:hover .hvr-sweep-to-top:before{
719
+ -webkit-transform: scaleY(1);
720
+ transform: scaleY(1);
721
+ }
722
+ .ban-text2 {
723
+ position: absolute;
724
+ top: 14%;
725
+ left: 45%;
726
+ background: #3399cc;
727
+ padding: 1.5em;
728
+ border-radius: 60px;
729
+ text-align: center;
730
+ width: 18%;
731
+ }
732
+ /*--causel--*/
733
+ .carousel-indicators {
734
+ position: absolute;
735
+ bottom: -45px;
736
+ left: 48%;
737
+ z-index: 15;
738
+ width: auto;
739
+ padding-left: 0;
740
+ margin: 0;
741
+ text-align: center;
742
+ list-style: none;
743
+ }
744
+
745
+
746
+ .carousel-indicators li {
747
+ display: inline-block;
748
+ width: 12px;
749
+ height: 12px;
750
+ margin:0 6px;
751
+ text-indent: -999px;
752
+ cursor: pointer;
753
+ background-color: #029241;
754
+ border: none;
755
+ border-radius: 10px;
756
+ }
757
+ .carousel-indicators .active {
758
+ background-color: #FAB005;
759
+ margin: 0 6px;
760
+ }
761
+ /*-- footer --*/
762
+ .footer {
763
+ padding: 5em 0 2em;
764
+ background: #2b2a2a;
765
+ }
766
+ .w3_footer_grid h3 {
767
+ color: #ffffff;
768
+ font-size: 1.5em;
769
+ margin-bottom: 1.8em;
770
+ text-transform: uppercase;
771
+ }
772
+ .w3_footer_grid p{
773
+ color:#afafaf;
774
+ line-height:1.8em;
775
+ margin-bottom:2em;
776
+ }
777
+ .w3_footer_grid ul li {
778
+ list-style-type: none;
779
+ margin-bottom: 1em;
780
+ color: #afafaf;
781
+ font-size: 14px;
782
+ }
783
+ .w3_footer_grid ul.address li i {
784
+ color:#0066ff;
785
+ border: 1px solid #0066ff;
786
+ padding: .5em;
787
+ margin-right: 1em;
788
+ }
789
+ .w3_footer_grid ul.address li span {
790
+ display: block;
791
+ margin-left: 3em;
792
+ }
793
+ .w3_footer_grid ul li a {
794
+ color: #afafaf;
795
+ text-decoration: none;
796
+ }
797
+ .w3_footer_grid ul li a:hover {
798
+ color:#0066ff;
799
+ }
800
+ .w3_footer_grid h4{
801
+ margin:2em 0 1em;
802
+ font-size:1.2em;
803
+ color:#ff9b05;
804
+ }
805
+ i.fa.fa-arrow-right {
806
+ color: #0066ff;
807
+ margin-right: 10px;
808
+ }
809
+ .footer-copy1{
810
+ position:relative;
811
+ padding: 2em 0 0;
812
+ border-bottom: 1px solid #F4F4F4;
813
+ }
814
+ .footer-copy-pos{
815
+ position: absolute;
816
+ right: 14%;
817
+ bottom: -75%;
818
+ width: 50px;
819
+ height: 50px;
820
+ border: 3px solid rgba(254, 155, 5, 0.69);
821
+ border-radius: 25px;
822
+ -webkit-border-radius: 25px;
823
+ -moz-border-radius: 25px;
824
+ -o-border-radius: 25px;
825
+ -ms-border-radius: 25px;
826
+ box-shadow: 0px 0px 15px rgba(255, 155, 5, 0.49);
827
+ }
828
+ .footer-copy p{
829
+ margin:4em 0 0;
830
+ text-align:center;
831
+ color:#999;
832
+ line-height:1.8em;
833
+ }
834
+ .footer-copy p a{
835
+ color:#ff9b05;
836
+ text-decoration:none;
837
+ }
838
+ .footer-copy p a:hover{
839
+ color:#999;
840
+ }
841
+ .w3layouts-foot ul li{
842
+ display:inline-block;
843
+ }
844
+ .w3layouts-foot ul li a {
845
+ width: 32px;
846
+ height: 32px;
847
+ color: #fff;
848
+ border: 1px solid #fff;
849
+ text-align: center;
850
+ display: inline-block;
851
+ font-size: 18px;
852
+ line-height: 32px;
853
+ border-radius: 50%;
854
+ }
855
+ a.w3_agile_facebook:hover{
856
+ background:#3b5998;
857
+ border: 1px solid #3b5998;
858
+ }
859
+ a.agile_twitter:hover{
860
+ background:#1da1f2;
861
+ border: 1px solid #1da1f2;
862
+ }
863
+ a.w3_agile_dribble:hover{
864
+ background:#ea4c89;
865
+ border: 1px solid #ea4c89;
866
+ }
867
+ a.w3_agile_vimeo:hover{
868
+ background:#1ab7ea;
869
+ border: 1px solid #1ab7ea;
870
+ }
871
+ .w3layouts-foot {
872
+ float: left;
873
+ }
874
+ .payment-w3ls {
875
+ float: right;
876
+ }
877
+ .footer-botm {
878
+ background: #393737;
879
+ padding: 16px 0;
880
+ }
881
+ /*-- //footer --*/
882
+ .newproducts-w3agile {
883
+ padding: 5em 0;
884
+ background: #f5f5f5;
885
+ }
886
+ .breadcrumb1 li span {
887
+ left: 0em;
888
+ padding-right: 1em;
889
+ color: #3399cc;
890
+ }
891
+ .breadcrumbs {
892
+ padding: 1.5em 0;
893
+ background: #f5f5f5;
894
+ }
895
+ .breadcrumb {
896
+ margin-bottom: 0 !important;
897
+ padding: 0 !important;
898
+ }
899
+ .breadcrumb1 li {
900
+ font-size: 1em;
901
+ color: #999;
902
+ }
903
+ .breadcrumb1 li a {
904
+ color: #3399cc;
905
+ text-decoration: none;
906
+ }
907
+ /*-- login --*/
908
+ .login-form-grids{
909
+ width: 45%;
910
+ padding: 3em;
911
+ background:#F7F7F9;
912
+ margin:3em auto 0;
913
+ }
914
+ .login-form-grids input[type="email"],.login-form-grids input[type="password"],.login-form-grids input[type="text"]{
915
+ outline: none;
916
+ border: 1px solid #DBDBDB;
917
+ padding: 10px 10px 10px 10px;
918
+ font-size: 14px;
919
+ color: #999;
920
+ display: block;
921
+ width: 100%;
922
+ }
923
+
924
+ .login-form-grids input[type="password"]{
925
+ margin:1em 0 0;
926
+ }
927
+ .forgot {
928
+ margin: 1.5em 0 0;
929
+ }
930
+ .login-form-grids input[type="submit"]{
931
+ outline: none;
932
+ border: none;
933
+ padding: 10px 0;
934
+ font-size: 1em;
935
+ color: #fff;
936
+ display: block;
937
+ width: 100%;
938
+ background:#3399cc;
939
+ margin: 1.5em 0 0;
940
+ }
941
+ .login-form-grids input[type="submit"]:hover{
942
+ background:#0066ff;
943
+ }
944
+ .login-form-grids ::-webkit-input-placeholder{
945
+ color:#999;
946
+ }
947
+ .forgot a{
948
+ color:#212121;
949
+ font-size:14px;
950
+ text-decoration:none;
951
+ }
952
+ .forgot a:hover{
953
+ color:#d8703f;
954
+ }
955
+ .login h4{
956
+ margin: 2em 0 0.5em;
957
+ font-size: 1.5em;
958
+ color: #212121;
959
+ text-align: center;
960
+ text-transform: uppercase;
961
+ }
962
+ .login p{
963
+ font-size:14px;
964
+ color:#999;
965
+ line-height:1.8em;
966
+ margin:0;
967
+ text-align:center;
968
+ }
969
+ .login p a{
970
+ color:#0066ff;
971
+ text-decoration:none;
972
+ font-size: 1.2em;
973
+ padding: 0 .5em;
974
+ }
975
+ .login p a:hover{
976
+ color:#212121;
977
+ }
978
+ .login p a span{
979
+ top: 0.1em;
980
+ font-size: .7em;
981
+ left: 0.3em;
982
+ }
983
+ .login {
984
+ padding: 5em 0;
985
+ }
986
+ /*-- //login --*/
987
+ /*-- register --*/
988
+ .register {
989
+ padding: 5em 0;
990
+ }
991
+ .login-form-grids h5,.login-form-grids h6{
992
+ font-size:1em;
993
+ color:#212121;
994
+ text-transform:uppercase;
995
+ margin:0 0 2em;
996
+ }
997
+ .login-form-grids input[type="text"]{
998
+ background:url(../images/img-sp.png) no-repeat 5px -259px #fff;
999
+ }
1000
+ .login-form-grids input[type="text"]:nth-child(2){
1001
+ background:url(../images/img-sp.png) no-repeat 0px -298px #fff;
1002
+ margin:1em 0;
1003
+ }
1004
+ .register-check-box label{
1005
+ font-size:14px;
1006
+ font-weight:500;
1007
+ color:#999;
1008
+ margin: 1.5em 0 0 0em;
1009
+ }
1010
+ .checkbox {
1011
+ position: relative;
1012
+ padding-left: 38px !important;
1013
+ cursor: pointer;
1014
+ }
1015
+ .checkbox i {
1016
+ position: absolute;
1017
+ bottom: -2px;
1018
+ left: 0;
1019
+ display: block;
1020
+ width: 25px;
1021
+ height: 25px;
1022
+ outline: none;
1023
+ border: 2px solid #EDEDED;
1024
+ background: #FFF;
1025
+ }
1026
+ .checkbox input + i:after,.radio input + i:after {
1027
+ position: absolute;
1028
+ opacity: 0;
1029
+ transition: opacity 0.1s;
1030
+ -o-transition: opacity 0.1s;
1031
+ -ms-transition: opacity 0.1s;
1032
+ -moz-transition: opacity 0.1s;
1033
+ -webkit-transition: opacity 0.1s;
1034
+ }
1035
+ .checkbox input:checked + i:after,.radio input:checked + i:after{
1036
+ opacity: 1;
1037
+ }
1038
+ .checkbox input,.radio input {
1039
+ position: absolute;
1040
+ left: -9999px;
1041
+ }
1042
+ .checkbox input + i:after {
1043
+ content: '';
1044
+ background: url("../images/check.png") no-repeat 1px 2px;
1045
+ top: 0px;
1046
+ left: 2px;
1047
+ width: 16px;
1048
+ height: 16px;
1049
+ font: normal 12px/16px FontAwesome;
1050
+ text-align: center;
1051
+ }
1052
+ .login-form-grids h6{
1053
+ margin:3em 0 2em !important;
1054
+ }
1055
+ .login-form-grids input[type="password"]:nth-child(3) {
1056
+ margin:1em 0;
1057
+ }
1058
+ .register-home{
1059
+ margin:2em 0 0;
1060
+ text-align:center;
1061
+ }
1062
+ .register-home a{
1063
+ padding: 8px 45px;
1064
+ background: #9F9F9F;
1065
+ color:#fff;
1066
+ font-size:1em;
1067
+ text-decoration:none;
1068
+ }
1069
+ .register-home a:hover{
1070
+ background:#0066ff;
1071
+ }
1072
+ /*-- //register --*/
1073
+ /*-- checkout --*/
1074
+ .checkout h2{
1075
+ font-size:1em;
1076
+ color:#212121;
1077
+ text-transform:uppercase;
1078
+ margin:0 0 3em;
1079
+ }
1080
+ .checkout h2 span{
1081
+ color:#3399cc;
1082
+ }
1083
+ table.timetable_sub {
1084
+ width:100%;
1085
+ margin:0 auto;
1086
+ }
1087
+ .timetable_sub thead {
1088
+ background: #004284;
1089
+ }
1090
+ .timetable_sub th {
1091
+ background: #0066ff;
1092
+ color: #fff !important;
1093
+ text-transform: capitalize;
1094
+ font-size: 13px;
1095
+ border-right: 1px solid #0066ff;
1096
+ }
1097
+ .timetable_sub th, .timetable_sub td {
1098
+ text-align: center;
1099
+ padding: 7px;
1100
+ font-size: 14px;
1101
+ color: #212121;
1102
+ }
1103
+ .timetable_sub td {
1104
+ border:1px solid #CDCDCD;
1105
+ }
1106
+ td.invert-image a img {
1107
+ width:30%;
1108
+ margin: 0 auto;
1109
+ }
1110
+ .rem{
1111
+ position:relative;
1112
+ }
1113
+ .close1,.close2,.close3 {
1114
+ background: url('../images/close_1.png') no-repeat 0px 0px;
1115
+ cursor: pointer;
1116
+ width: 28px;
1117
+ height: 28px;
1118
+ position: absolute;
1119
+ right: 15px;
1120
+ top: -13px;
1121
+ -webkit-transition: color 0.2s ease-in-out;
1122
+ -moz-transition: color 0.2s ease-in-out;
1123
+ -o-transition: color 0.2s ease-in-out;
1124
+ transition: color 0.2s ease-in-out;
1125
+ }
1126
+ /*-- quantity-starts --*/
1127
+ .value-minus,
1128
+ .value-plus{
1129
+ height: 40px;
1130
+ line-height: 24px;
1131
+ width: 40px;
1132
+ margin-right: 3px;
1133
+ display: inline-block;
1134
+ cursor: pointer;
1135
+ position: relative;
1136
+ font-size: 18px;
1137
+ color: #fff;
1138
+ text-align: center;
1139
+ -webkit-user-select: none;
1140
+ -moz-user-select: none;
1141
+ border:1px solid #b2b2b2;
1142
+ vertical-align: bottom;
1143
+ }
1144
+ .quantity-select .entry.value-minus:before,
1145
+ .quantity-select .entry.value-plus:before{
1146
+ content: "";
1147
+ width: 13px;
1148
+ height: 2px;
1149
+ background: #000;
1150
+ left: 50%;
1151
+ margin-left: -7px;
1152
+ top: 50%;
1153
+ margin-top: -0.5px;
1154
+ position: absolute;
1155
+ }
1156
+ .quantity-select .entry.value-plus:after{
1157
+ content: "";
1158
+ height: 13px;
1159
+ width: 2px;
1160
+ background: #000;
1161
+ left: 50%;
1162
+ margin-left: -1.4px;
1163
+ top: 50%;
1164
+ margin-top: -6.2px;
1165
+ position: absolute;
1166
+ }
1167
+ .value {
1168
+ cursor: default;
1169
+ width: 40px;
1170
+ height:40px;
1171
+ padding: 8px 0px;
1172
+ color: #A9A9A9;
1173
+ line-height: 24px;
1174
+ border: 1px solid #E5E5E5;
1175
+ background-color: #E5E5E5;
1176
+ text-align: center;
1177
+ display: inline-block;
1178
+ margin-right: 3px;
1179
+ }
1180
+ .quantity-select .entry.value-minus:hover,
1181
+ .quantity-select .entry.value-plus:hover{
1182
+ background: #E5E5E5;
1183
+ }
1184
+
1185
+ .quantity-select .entry.value-minus{
1186
+ margin-left: 0;
1187
+ }
1188
+ /*-- quantity-end --*/
1189
+ .checkout-left-basket h4{
1190
+ padding: 1em;
1191
+ background:#3399cc;
1192
+ font-size: 1.1em;
1193
+ color: #fff;
1194
+ text-transform: uppercase;
1195
+ text-align: center;
1196
+ margin: 0 0 1em;
1197
+ }
1198
+ .checkout-left {
1199
+ margin: 2em 0 0;
1200
+ }
1201
+ .checkout-left-basket ul li{
1202
+ list-style-type:none;
1203
+ margin-bottom:1em;
1204
+ font-size:14px;
1205
+ color:#999;
1206
+ }
1207
+ .checkout-left-basket {
1208
+ float: left;
1209
+ width: 25%;
1210
+ }
1211
+ .checkout-right-basket{
1212
+ float: right;
1213
+ margin: 8em 0 0 0em;
1214
+ }
1215
+ .checkout-left-basket ul li span {
1216
+ float: right;
1217
+ }
1218
+ .checkout-left-basket ul li:nth-child(5) {
1219
+ font-size: 1em;
1220
+ color: #212121;
1221
+ font-weight: 600;
1222
+ padding: 1em 0;
1223
+ border-top: 1px solid #DDD;
1224
+ border-bottom: 1px solid #DDD;
1225
+ margin: 2em 0 0;
1226
+ }
1227
+ .checkout-right-basket a{
1228
+ padding:10px 30px;
1229
+ color:#fff;
1230
+ font-size:1em;
1231
+ background:#212121;
1232
+ text-decoration:none;
1233
+ }
1234
+ .checkout-right-basket a:hover{
1235
+ background:#0066ff;
1236
+ }
1237
+ .checkout-right-basket a span {
1238
+ left: -.5em;
1239
+ top: 0.1em;
1240
+ }
1241
+ .checkout {
1242
+ padding: 5em 0;
1243
+ }
1244
+ /*-- //checkout --*/
1245
+ /*-- faq --*/
1246
+ h3.w3ls-title.w3ls-title1 {
1247
+ text-align: center;
1248
+ margin: 0 0 1.5em;
1249
+ font-size: 2.5em;
1250
+ }
1251
+ .faq > li > a {
1252
+ width: 100%;
1253
+ display: block;
1254
+ position: relative;
1255
+ color: #fff;
1256
+ font-size: 1em;
1257
+ font-weight: 400;
1258
+ text-decoration: none;
1259
+ }
1260
+ .faq-w3agile .faq li {
1261
+ margin-top: 2em;
1262
+ list-style-type: decimal;
1263
+ padding-left: 0.5em;
1264
+ }
1265
+ .faq-w3agile .faq > li > a {
1266
+ color: #999;
1267
+ }
1268
+ .faq-w3agile .faq li li.subitem1 {
1269
+ display: block;
1270
+ margin-top: 1em;
1271
+ }
1272
+ .faq-w3agile {
1273
+ padding: 5em 0;
1274
+ }
1275
+ ul.faq {
1276
+ margin-top: 5em;
1277
+ }
1278
+ /*-- //faq-page --*/
1279
+ /*-- single --*/
1280
+ .agileinfo_single h2{
1281
+ font-size: 1.8em;
1282
+ color: #212121;
1283
+ line-height: 1.5em;
1284
+ text-transform: uppercase;
1285
+ margin-bottom: 1em;
1286
+ }
1287
+ .agileinfo_single_left {
1288
+ padding: 2em;
1289
+ box-shadow: 0px 0px 5px #b2afaf;
1290
+ }
1291
+ /*-- Ratings --*/
1292
+ .rating1 {
1293
+ direction:ltr;
1294
+ }
1295
+ .starRating:not(old) {
1296
+ display: inline-block;
1297
+ height: 17px;
1298
+ width:100px;
1299
+ overflow: hidden;
1300
+ }
1301
+
1302
+ .starRating:not(old) > input{
1303
+ margin-right :-26%;
1304
+ opacity : 0;
1305
+ }
1306
+
1307
+ .starRating:not(old) > label {
1308
+ float: right;
1309
+ background: url(../images/star.png);
1310
+ background-size: contain;
1311
+ margin-right: 2px;
1312
+ }
1313
+
1314
+ .starRating:not(old) > label:before{
1315
+ content : '';
1316
+ display : block;
1317
+ width : 16px;
1318
+ height : 16px;
1319
+ background : url(../images/star1.png);
1320
+ background-size : contain;
1321
+ opacity : 0;
1322
+ transition : opacity 0.2s linear;
1323
+ }
1324
+
1325
+ .starRating:not(old) > label:hover:before,
1326
+ .starRating:not(old) > label:hover ~ label:before,
1327
+ .starRating:not(:hover) > :checked ~ label:before{
1328
+ opacity : 1;
1329
+ }
1330
+ /*-- //Ratings --*/
1331
+ .agileinfo_single_right {
1332
+ padding-left: 5em;
1333
+ }
1334
+ .agileinfo_single_right_snipcart{
1335
+ margin:0 0 2em;
1336
+ }
1337
+ .agileinfo_single_right_details {
1338
+ margin: 0 !important;
1339
+ width: 25% !important;
1340
+ }
1341
+ .w3agile_description h4{
1342
+ font-size:1em;
1343
+ color:#212121;
1344
+ text-transform:uppercase;
1345
+ }
1346
+ .w3agile_description p{
1347
+ font-size:14px;
1348
+ color:#999;
1349
+ line-height:2em;
1350
+ margin:.5em 0 0;
1351
+ width:80%;
1352
+ }
1353
+ .w3agile_description {
1354
+ margin: 2em 0;
1355
+ }
1356
+ .w3ls_w3l_banner_nav_right_grid_popular{
1357
+ background:#f5f5f5;
1358
+ padding:5em 0 !important;
1359
+ }
1360
+ /*-- //single --*/
1361
+ .brands {
1362
+ padding: 5em 0;
1363
+ background: #eed3b6;
1364
+ }
1365
+ .brands-w3l {
1366
+ text-align: center;
1367
+
1368
+ }
1369
+ .brands-w3l p a{
1370
+ font-size: 17px;
1371
+ font-weight: 700;
1372
+ text-transform: uppercase;
1373
+ color: #39c;
1374
+ background: #fff;
1375
+ padding: 16px;
1376
+ display: block;
1377
+ border: 1px solid #e1e1e1;
1378
+ }
1379
+ .brands-w3l p a:hover{
1380
+ box-shadow: 0 0 6px 1px #b6b6b6;
1381
+ }
1382
+ .brands-agile-1 {
1383
+ margin: 20px 0;
1384
+ }
1385
+ .brands-agile {
1386
+ margin-top: 5em;
1387
+ }
1388
+ /*-- products --*/
1389
+ .products {
1390
+ padding: 5em 0;
1391
+ }
1392
+ .sorting{
1393
+ float:right;
1394
+ width: 35%;
1395
+ }
1396
+ .sorting-left{
1397
+ float: right;
1398
+ margin-right: 2em;
1399
+ width: 25%;
1400
+ }
1401
+ select#country,select#country1 {
1402
+ border: 1px solid #212121;
1403
+ outline: none;
1404
+ font-size: 14px;
1405
+ color: #212121;
1406
+ padding: 0.5em;
1407
+ width: 100%;
1408
+ cursor: pointer;
1409
+ }
1410
+ .products-right-grids{
1411
+ margin-bottom: 2em;
1412
+ }
1413
+ .numbering{
1414
+ text-align:right;
1415
+ }
1416
+ ul.paging {
1417
+ margin: 4em auto 0;
1418
+ }
1419
+ .paging > .active > a,.paging > .active > a:hover {
1420
+ background-color:#ffc229;
1421
+ border-color:#EDB62B;
1422
+ }
1423
+ .pagination > li > a{
1424
+ color:#212121;
1425
+ }
1426
+ .categories,.new-products{
1427
+ border:1px solid #999;
1428
+ }
1429
+ .categories h2{
1430
+ font-size: 1.5em;
1431
+ color: #212121;
1432
+ margin: 0;
1433
+ padding: .5em;
1434
+ background: #f5f5f5;
1435
+ text-transform: uppercase;
1436
+ text-align: center;
1437
+ letter-spacing: 5px;
1438
+ }
1439
+ .filter-price h3{
1440
+ background:none;
1441
+ }
1442
+ .categories ul.cate,.new-products-grids{
1443
+ padding:2em;
1444
+ }
1445
+ .categories ul li{
1446
+ display:block;
1447
+ color:#999;
1448
+ font-size:14px;
1449
+ margin-bottom:1em;
1450
+ }
1451
+ .categories ul li a{
1452
+ color:#999;
1453
+ text-decoration:none;
1454
+ }
1455
+ .categories ul li a:hover{
1456
+ color:#3399cc;
1457
+ }
1458
+ .categories ul li span{
1459
+ float:right;
1460
+ }
1461
+ ul.cate ul{
1462
+ margin-left:2em;
1463
+ }
1464
+ ul.dropdown-menu1 li{
1465
+ display:block;
1466
+ font-size:14px;
1467
+ }
1468
+ ul.dropdown-menu1 li a{
1469
+ color:#212121;
1470
+ text-decoration:none;
1471
+ }
1472
+ input#amount {
1473
+ outline: none;
1474
+ margin: 0 auto;
1475
+ text-align: center;
1476
+ width: 100%;
1477
+ }
1478
+ .new-products-grid-left{
1479
+ float:left;
1480
+ width:35%;
1481
+ }
1482
+ .new-products-grid-right{
1483
+ float:right;
1484
+ width:60%;
1485
+ }
1486
+ /*-- //products --*/
1487
+ /*-- about --*/
1488
+ .about,.about-team, .contact,.codes {
1489
+ padding: 5em 0;
1490
+ }
1491
+ h3.w3_agile_header,h2.w3_agile_header {
1492
+ text-align: center;
1493
+ color: #212121;
1494
+ padding-bottom: .5em;
1495
+ position: relative;
1496
+ font-size: 2.5em;
1497
+ text-transform: uppercase
1498
+ }
1499
+ h3.w3_agile_header:after,h2.w3_agile_header:after{
1500
+ content: '';
1501
+ background: #3399cc;
1502
+ height: 2px;
1503
+ width: 15%;
1504
+ position: absolute;
1505
+ bottom: 0%;
1506
+ left: 43%;
1507
+ }
1508
+ .icons {
1509
+ margin: 50px 0;
1510
+ }
1511
+ .about-agileinfo {
1512
+ margin-top: 4em;
1513
+ }
1514
+ .about .grid-top h4 {
1515
+ font-size: 1.5em;
1516
+ color: #222;
1517
+ letter-spacing: 4px;
1518
+ }
1519
+ .about img {
1520
+ width: 100%;
1521
+ }
1522
+ .about-w3imgs {
1523
+ padding: 0;
1524
+ overflow: hidden;
1525
+ }
1526
+ .about .grid-top p {
1527
+ font-size: 1em;
1528
+ color: #999;
1529
+ line-height: 1.8em;
1530
+ margin: 1em 0 2.5em;
1531
+ }
1532
+ .about .grid-top p.top {
1533
+ margin: 1em 0;
1534
+ }
1535
+ .offic-time {
1536
+ text-align: center;
1537
+ }
1538
+ .time-top {
1539
+ padding: 1em;
1540
+ background-color: #0066ff;
1541
+ }
1542
+ .time-top h4 {
1543
+ font-size: 1.7em;
1544
+ color: #fff;
1545
+ }
1546
+ .time-bottom {
1547
+ padding: 1.6em 2em;
1548
+ background-color: #212121;
1549
+ }
1550
+ .time-bottom h5 {
1551
+ font-size: 1.1em;
1552
+ color: #FFF;
1553
+ line-height: 1.8em;
1554
+ letter-spacing: 1px;
1555
+ }
1556
+ .time-bottom p {
1557
+ font-size: 1em;
1558
+ color: #BBBBBB;
1559
+ margin-top: 0.5em;
1560
+ line-height: 1.8em;
1561
+ }
1562
+ /*-- //about-page --*/
1563
+ .testi {
1564
+ width: 100%;
1565
+ margin-top: 3em;
1566
+ position: relative;
1567
+ }
1568
+ .testi h3.w3ls-title1 {
1569
+ text-align: left;
1570
+ font-size: 2.5em;
1571
+ }
1572
+ .testi h4 {
1573
+ color: #FFFFFF;
1574
+ font-size: 1.4em;
1575
+ letter-spacing: 1px;
1576
+ }
1577
+ .testi p {
1578
+ font-style: italic;
1579
+ color: #000;
1580
+ font-size: 1em;
1581
+ margin-top: 1em;
1582
+ line-height: 1.5em;
1583
+ font-weight: 300;
1584
+ }
1585
+ .testi-subscript p {
1586
+ margin: 1em 2.8em 0 0;
1587
+ }
1588
+ .testi p a {
1589
+ font-size: 1em;
1590
+ font-weight: 600;
1591
+ color: #000;
1592
+ margin: 0 5px;
1593
+ text-decoration: none;
1594
+ text-transform: capitalize;
1595
+ -webkit-transition: 0.5s all;
1596
+ -moz-transition: 0.5s all;
1597
+ -o-transition: 0.5s all;
1598
+ -ms-transition: 0.5s all;
1599
+ transition: 0.5s all;
1600
+ }
1601
+ .testi p a:hover{
1602
+ color: #fff;
1603
+ }
1604
+ .testi-subscript {
1605
+ position: relative;
1606
+ display: inline-block;
1607
+ }
1608
+ .testi span.w3-agilesub {
1609
+ position: absolute;
1610
+ background: url(../images/icon3.png) no-repeat 0px 0px;
1611
+ display: block;
1612
+ width: 30px;
1613
+ height: 29px;
1614
+ top: 0%;
1615
+ right: 0%;
1616
+ }
1617
+ .testi-slider {
1618
+ padding: 4em 2em 3em;
1619
+ background: #3399cc;
1620
+ margin-top: 2em;
1621
+ }
1622
+ /*-- slider start here --*/
1623
+ #slider3,#slider4 {
1624
+ box-shadow: none;
1625
+ -moz-box-shadow: none;
1626
+ -webkit-box-shadow: none;
1627
+ margin: 0 auto;
1628
+ }
1629
+ .rslides_tabs {
1630
+ list-style: none;
1631
+ padding: 0;
1632
+ background: rgba(0,0,0,.25);
1633
+ box-shadow: 0 0 1px rgba(255,255,255,.3), inset 0 0 5px rgba(0,0,0,1.0);
1634
+ -moz-box-shadow: 0 0 1px rgba(255,255,255,.3), inset 0 0 5px rgba(0,0,0,1.0);
1635
+ -webkit-box-shadow: 0 0 1px rgba(255,255,255,.3), inset 0 0 5px rgba(0,0,0,1.0);
1636
+ font-size: 18px;
1637
+ list-style: none;
1638
+ margin: 0 auto 50px;
1639
+ max-width: 540px;
1640
+ padding: 10px 0;
1641
+ text-align: center;
1642
+ width: 100%;
1643
+ }
1644
+ .rslides_tabs li {
1645
+ display: inline;
1646
+ float: none;
1647
+ margin-right: 1px;
1648
+ }
1649
+ .rslides_tabs a {
1650
+ width: auto;
1651
+ line-height: 20px;
1652
+ padding: 9px 20px;
1653
+ height: auto;
1654
+ background: transparent;
1655
+ display: inline;
1656
+ }
1657
+ .rslides_tabs li:first-child {
1658
+ margin-left: 0;
1659
+ }
1660
+ .rslides_tabs .rslides_here a {
1661
+ background: rgba(255,255,255,.1);
1662
+ color: #fff;
1663
+ font-weight: bold;
1664
+ }
1665
+ .events {
1666
+ list-style: none;
1667
+ }
1668
+ .callbacks_container {
1669
+ float: left;
1670
+ width: 100%;
1671
+ }
1672
+ .callbacks {
1673
+ position: relative;
1674
+ list-style: none;
1675
+ overflow: hidden;
1676
+ width: 100%;
1677
+ padding: 0;
1678
+ margin: 0;
1679
+ }
1680
+ .callbacks li {
1681
+ position: absolute;
1682
+ width: 100%;
1683
+ left: 0;
1684
+ top: 0;
1685
+ }
1686
+ .callbacks img {
1687
+ position: relative;
1688
+ z-index: 1;
1689
+ height: auto;
1690
+ border: 0;
1691
+ }
1692
+ .callbacks_nav {
1693
+ position: absolute;
1694
+ -webkit-tap-highlight-color: rgba(0,0,0,0);
1695
+ top: 15%;
1696
+ right: 0%;
1697
+ opacity: 0.7;
1698
+ z-index: 3;
1699
+ text-indent: -9999px;
1700
+ overflow: hidden;
1701
+ text-decoration: none;
1702
+ height: 30px;
1703
+ width: 25px;
1704
+ background: url("../images/icon1.png")no-repeat center center;
1705
+ }
1706
+ .callbacks_nav:active {
1707
+ opacity: 1.0;
1708
+ }
1709
+ .callbacks_nav.next {
1710
+ right: 7%;
1711
+ background: url("../images/icon2.png")no-repeat center center;
1712
+ }
1713
+ #slider3-pager a ,#slider4-pager a {
1714
+ display: inline-block;
1715
+ }
1716
+ #slider3-pager span, #slider4-pager span{
1717
+ float: left;
1718
+ }
1719
+ #slider3-pager span,#slider4-pager span{
1720
+ width:100px;
1721
+ height:15px;
1722
+ background:#fff;
1723
+ display:inline-block;
1724
+ border-radius:30em;
1725
+ opacity:0.6;
1726
+ }
1727
+ #slider3-pager .rslides_here a , #slider4-pager .rslides_here a {
1728
+ background: #FFF;
1729
+ border-radius:30em;
1730
+ opacity:1;
1731
+ }
1732
+ #slider3-pager a ,#slider4-pager a{
1733
+ padding: 0;
1734
+ }
1735
+ #slider3-pager li ,#slider4-pager li{
1736
+ display:inline-block;
1737
+ }
1738
+ .rslides {
1739
+ position: relative;
1740
+ list-style: none;
1741
+ overflow: hidden;
1742
+ width: 100%;
1743
+ padding: 0;
1744
+ margin: 0;
1745
+ }
1746
+ .rslides li {
1747
+ -webkit-backface-visibility: hidden;
1748
+ position: absolute;
1749
+ display: none;
1750
+ width: 100%;
1751
+ left: 0;
1752
+ top: 0;
1753
+ }
1754
+ .rslides li{
1755
+ position: relative;
1756
+ display: block;
1757
+ float: left;
1758
+ }
1759
+ .rslides img {
1760
+ height: auto;
1761
+ border: 0;
1762
+ width:100%;
1763
+ }
1764
+ .callbacks_tabs a{
1765
+ font-size: 30px;
1766
+ color: #70664c;
1767
+ font-weight: 600;
1768
+ padding: 0px 18px;
1769
+ background: rgba(222, 208, 157, 0.89);
1770
+ }
1771
+ .callbacks_here a:after{
1772
+ color: black;
1773
+ text-decoration: none;
1774
+ background: rgba(245, 179, 3, 0.56);
1775
+ }
1776
+ .callbacks_tabs a:hover, .callbacks_tabs a:active {
1777
+ color: black;
1778
+ text-decoration: none;
1779
+ background: rgba(245, 179, 3, 0.56);
1780
+ }
1781
+ .callbacks_tabs a:after{
1782
+ color: black;
1783
+ text-decoration: none;
1784
+ background: rgba(245, 179, 3, 0.56);
1785
+ }
1786
+ li.callbacks1_s1.callbacks_here a.callbacks1_s1:after, li.callbacks1_s1.callbacks_here a.callbacks1_s1:active{
1787
+ color: black;
1788
+ background: rgba(245, 179, 3, 0.79);
1789
+ text-decoration: none;
1790
+ outline: none;
1791
+ }
1792
+ li.callbacks1_s1.callbacks_here a.callbacks1_s1:focus{
1793
+ color: black;
1794
+ background: rgba(245, 179, 3, 0.79);
1795
+ text-decoration: none;
1796
+ outline: none;
1797
+ }
1798
+ a.callbacks1_s4.active,a.callbacks1_s4:focus{
1799
+ color: black;
1800
+ background: rgba(245, 179, 3, 0.79);
1801
+ text-decoration: none;
1802
+ outline: none;
1803
+ }
1804
+ a.callbacks1_s2.active,a.callbacks1_s2:focus{
1805
+ color: black;
1806
+ background: rgba(245, 179, 3, 0.79);
1807
+ text-decoration: none;
1808
+ outline: none;
1809
+ }
1810
+ a.callbacks1_s3.active,a.callbacks1_s3:focus{
1811
+ color: black;
1812
+ background: rgba(245, 179, 3, 0.79);
1813
+ text-decoration: none;
1814
+ outline: none;
1815
+ }
1816
+ /*--//slider end here--*/
1817
+ /*-- about-slid --*/
1818
+ .about-slid{
1819
+ background: url(../images/22.jpg)no-repeat 0px center fixed;
1820
+ background-size: cover;
1821
+ text-align: center;
1822
+ padding: 6em 0;
1823
+ }
1824
+ .about-slid-info {
1825
+ width: 75%;
1826
+ margin: 0 auto;
1827
+ }
1828
+ .about-slid h2 {
1829
+ color: #fff;
1830
+ font-size: 3.5em;
1831
+ font-family: 'Abel', sans-serif;
1832
+ }
1833
+ .about-slid p {
1834
+ color: #fff;
1835
+ font-size: 1em;
1836
+ margin-top: 2em;
1837
+ line-height: 1.8em;
1838
+ }
1839
+ /*-- team-agileitsinfo --*/
1840
+ .team-agileitsinfo {
1841
+ margin-top: 4em;
1842
+ }
1843
+ .about-team-grids {
1844
+ background: #3399cc;
1845
+ padding: 2em 1em;
1846
+ margin-left: 5px;
1847
+ width: 24.5%;
1848
+ }
1849
+ .about-team-grids img {
1850
+ width: 100%;
1851
+ }
1852
+ .about-team-grids h4 {
1853
+ color: #000;
1854
+ font-size: 1.1em;
1855
+ margin: 1.5em 0 0.5em;
1856
+ }
1857
+ .about-team-grids h4 span {
1858
+ font-size: 1.3em;
1859
+ color: #000;
1860
+ margin-right: 10px;
1861
+ }
1862
+ .team-w3lstext h6 {
1863
+ color: #67686b;
1864
+ font-size: 16px;
1865
+ font-weight: 400;
1866
+ margin: 0;
1867
+ letter-spacing: 0px;
1868
+ }
1869
+ .about-team-grids p {
1870
+ color: #fff;
1871
+ font-size: 14PX;
1872
+ line-height: 1.8em;
1873
+ font-weight: 400;
1874
+ margin-top: 1em;
1875
+ }
1876
+ .about-grid1 .thumb .caption {
1877
+ float: left;
1878
+ width: 100%;
1879
+ height: 70px;
1880
+ position: absolute;
1881
+ left: 0;
1882
+ bottom: 0;
1883
+ padding: 13px 30px;
1884
+ text-align: center;
1885
+ background-color:rgba(81, 92, 142, 0.55);
1886
+ -o-transition: all 0.3s ease;
1887
+ -moz-transition: all 0.3s ease;
1888
+ -ms-transition: all 0.3s ease;
1889
+ -webkit-transition: all 0.3s ease;
1890
+ transition: all 0.3s ease;
1891
+ }
1892
+ .about-grid1 .thumb:hover .caption {
1893
+ height: 100%;
1894
+ padding: 40px 30px;
1895
+ opacity: 1;
1896
+ visibility: visible;
1897
+ }
1898
+ .caption {
1899
+ opacity: 0;
1900
+ top: 0%;
1901
+ position: absolute;
1902
+ background-color:rgba(51, 153, 204, 0.58);
1903
+ width: 100%;
1904
+ left: 0;
1905
+ text-align: center;
1906
+ -webkit-transition: 0.5s all;
1907
+ -moz-transition: 0.5s all;
1908
+ -o-transition: 0.5s all;
1909
+ -ms-transition: 0.5s all;
1910
+ transition: 0.5s all;
1911
+ }
1912
+ .social-icons ul li {
1913
+ display: inline-block;
1914
+ font-size: inherit;
1915
+ text-align: center;
1916
+ margin: 0;
1917
+ }
1918
+ .social-icons ul li a.fa {
1919
+ font-size: 1em;
1920
+ color: #fff;
1921
+ line-height: 2.6em;
1922
+ }
1923
+ .social-icons.caption ul li a.fa {
1924
+ margin: 0 .5em;
1925
+ line-height: inherit;
1926
+ -webkit-transition: 0.5s all;
1927
+ -moz-transition: 0.5s all;
1928
+ -o-transition: 0.5s all;
1929
+ -ms-transition: 0.5s all;
1930
+ transition: 0.5s all;
1931
+ }
1932
+ .about-team-grids:hover .caption{
1933
+ display:block;
1934
+ top: 49.2%;
1935
+ opacity:1;
1936
+ }
1937
+ .caption ul {
1938
+ padding: 1em 0;
1939
+ }
1940
+ .caption ul li a:hover{
1941
+ color:#000;
1942
+ }
1943
+ /*-- contact --*/
1944
+ .agile_map iframe{
1945
+ width:100%;
1946
+ min-height:580px;
1947
+ }
1948
+ .w3_agileits_contact_grid_left{
1949
+ padding:0;
1950
+ position:relative;
1951
+ }
1952
+ .agileits_w3layouts_map_pos{
1953
+ position: absolute;
1954
+ right: -15%;
1955
+ top: 22%;
1956
+ width: 50%;
1957
+ padding: 2em;
1958
+ background: #3399cc;
1959
+ }
1960
+ .agileits_w3layouts_map_pos h3{
1961
+ font-size:1.5em;
1962
+ color:#212121;
1963
+ }
1964
+ .agileits_w3layouts_map_pos p{
1965
+ color:#fff;
1966
+ line-height:2em;
1967
+ margin:.5em 0 1.5em;
1968
+ font-weight:600;
1969
+ }
1970
+ .agileits_w3layouts_map_pos ul.wthree_contact_info_address li{
1971
+ list-style-type:none;
1972
+ margin-bottom:1em;
1973
+ color:#fff;
1974
+ font-weight:600;
1975
+ }
1976
+ .agileits_w3layouts_map_pos ul.wthree_contact_info_address li i{
1977
+ padding-right:1em;
1978
+ }
1979
+ .agileits_w3layouts_map_pos ul.wthree_contact_info_address li a{
1980
+ color:#fff;
1981
+ text-decoration:none;
1982
+ }
1983
+ .agileits_w3layouts_map_pos ul.wthree_contact_info_address li a:hover{
1984
+ color:#212121;
1985
+ }
1986
+ .w3_agile_social_icons_contact ul li a {
1987
+ text-align: center;
1988
+ }
1989
+ .agileits_w3layouts_map_pos1{
1990
+ padding:2em;
1991
+ border:3px double #fff;
1992
+ }
1993
+ .w3_agileits_contact_grid_right{
1994
+ padding:0 4em 0 12em;
1995
+ }
1996
+ .w3_agileits_contact_grid_right form{
1997
+ padding:1em 0 0;
1998
+ }
1999
+ /*-- effect --*/
2000
+ .input {
2001
+ position: relative;
2002
+ z-index: 1;
2003
+ display: inline-block;
2004
+ margin: 0;
2005
+ max-width: 100%;
2006
+ width: calc(100% - 0em);
2007
+ vertical-align: top;
2008
+ }
2009
+
2010
+ .input__field {
2011
+ position: relative;
2012
+ display: block;
2013
+ float: right;
2014
+ padding: 0.8em;
2015
+ width: 60%;
2016
+ border: none;
2017
+ border-radius: 0;
2018
+ background: #f0f0f0;
2019
+ color: #aaa;
2020
+ -webkit-appearance: none; /* for box shadows to show on iOS */
2021
+ font-size: 14px;
2022
+ }
2023
+
2024
+ .input__field:focus {
2025
+ outline: none;
2026
+ }
2027
+
2028
+ .input__label {
2029
+ display: inline-block;
2030
+ float: right;
2031
+ padding: 0 1em;
2032
+ width: 40%;
2033
+ color: #212121;
2034
+ font-size: 14px;
2035
+ -webkit-font-smoothing: antialiased;
2036
+ -moz-osx-font-smoothing: grayscale;
2037
+ -webkit-touch-callout: none;
2038
+ -webkit-user-select: none;
2039
+ -khtml-user-select: none;
2040
+ -moz-user-select: none;
2041
+ -ms-user-select: none;
2042
+ user-select: none;
2043
+ }
2044
+
2045
+ .input__label-content {
2046
+ position: relative;
2047
+ display: block;
2048
+ padding:1em 0;
2049
+ width: 100%;
2050
+ }
2051
+ /* Ichiro */
2052
+ .input--ichiro {
2053
+ margin-top: 2em;
2054
+ }
2055
+
2056
+ .input__field--ichiro {
2057
+ position: absolute;
2058
+ top: 4px;
2059
+ left: 4px;
2060
+ z-index: 100;
2061
+ display: block;
2062
+ padding: 0 1em;
2063
+ width: calc(100% - 8px);
2064
+ height: calc(100% - 8px);
2065
+ background: #fff;
2066
+ color: #212121;
2067
+ opacity: 0;
2068
+ -webkit-transform: scale3d(1, 0, 1);
2069
+ transform: scale3d(1, 0, 1);
2070
+ -webkit-transform-origin: 50% 100%;
2071
+ transform-origin: 50% 100%;
2072
+ -webkit-transition: opacity 0.3s, -webkit-transform 0.3s;
2073
+ transition: opacity 0.3s, transform 0.3s;
2074
+ }
2075
+
2076
+ .input__label--ichiro {
2077
+ width: 100%;
2078
+ text-align: left;
2079
+ cursor: text;
2080
+ }
2081
+
2082
+ .input__label--ichiro::before {
2083
+ content: '';
2084
+ position: absolute;
2085
+ top: 0;
2086
+ left: 0;
2087
+ width: 100%;
2088
+ height: 100%;
2089
+ background: #f5f5f5;
2090
+ -webkit-transform-origin: 50% 100%;
2091
+ transform-origin: 50% 100%;
2092
+ -webkit-transition: -webkit-transform 0.3s;
2093
+ transition: transform 0.3s;
2094
+ border: 1px solid #e4e4e4;
2095
+ }
2096
+
2097
+ .input__label-content--ichiro {
2098
+ -webkit-transform-origin: 0% 50%;
2099
+ transform-origin: 0% 50%;
2100
+ -webkit-transition: -webkit-transform 0.3s;
2101
+ transition: transform 0.3s;
2102
+ }
2103
+
2104
+ .input__field--ichiro:focus,
2105
+ .input--filled .input__field--ichiro {
2106
+ opacity: 1;
2107
+ -webkit-transform: scale3d(1, 1, 1);
2108
+ transform: scale3d(1, 1, 1);
2109
+ }
2110
+
2111
+ .input__field--ichiro:focus + .input__label--ichiro,
2112
+ .input--filled .input__label--ichiro {
2113
+ cursor: default;
2114
+ pointer-events: none;
2115
+ }
2116
+
2117
+ .input__field--ichiro:focus + .input__label--ichiro::before,
2118
+ .input--filled .input__label--ichiro::before {
2119
+ -webkit-transform: scale3d(1, 1.5, 1);
2120
+ transform: scale3d(1, 1.5, 1);
2121
+ border: none;
2122
+ }
2123
+
2124
+ .input__field--ichiro:focus + .input__label--ichiro .input__label-content--ichiro,
2125
+ .input--filled .input__label-content--ichiro {
2126
+ -webkit-transform: translate3d(0, -2.4em, 0) scale3d(0.8, 0.8, 1);
2127
+ transform:translate3d(0, -2.4em, 0) scale3d(0.8, 0.8, 1) translateZ(1px);
2128
+ }
2129
+ .w3_agileits_contact_grid_right textarea {
2130
+ outline: none;
2131
+ width: 100%;
2132
+ background: #f5f5f5;
2133
+ color: #212121;
2134
+ padding: 10px;
2135
+ font-size: 14px;
2136
+ border: 1px solid #e4e4e4;
2137
+ min-height: 200px;
2138
+ font-weight: bold;
2139
+ margin: 2em 0 0;
2140
+ }
2141
+ .w3_agileits_contact_grid_right textarea::-webkit-input-placeholder {
2142
+ color: #212121 !important;
2143
+ }
2144
+ .w3_agileits_contact_grid_right input[type="submit"] {
2145
+ outline: none;
2146
+ width: 100%;
2147
+ background: #212121;
2148
+ color: #fff;
2149
+ padding: 0.8em 0;
2150
+ font-size: 1em;
2151
+ font-weight: bold;
2152
+ border: none;
2153
+ text-transform: uppercase;
2154
+ margin: 1em 0 0;
2155
+ letter-spacing: 5px;
2156
+ }
2157
+ .w3_agileits_contact_grid_right input[type="submit"]:hover{
2158
+ background:#3399cc;
2159
+ }
2160
+ /*-- //contact --*/
2161
+ /*-- social-icons --*/
2162
+ .w3_agile_social_icons ul li{
2163
+ display:inline-block;
2164
+ }
2165
+ .icon {
2166
+ display: inline-block;
2167
+ vertical-align: top;
2168
+ overflow: hidden;
2169
+ width: 35px;
2170
+ height: 35px;
2171
+ }
2172
+ .icon-cube {
2173
+ position: relative;
2174
+ -webkit-perspective: 100px;
2175
+ perspective: 100px;
2176
+ overflow: visible;
2177
+ }
2178
+
2179
+ /*-- agileits --*/
2180
+ .icon-cube::before,
2181
+ .icon-cube::after {
2182
+ display: block;
2183
+ position: absolute;
2184
+ top: 0;
2185
+ left: 0;
2186
+ width: 100%;
2187
+ height: 100%;
2188
+ font-family: FontAwesome;
2189
+ font-size: 1em;
2190
+ -webkit-transition: all 0.3s;
2191
+ transition: all 0.3s;
2192
+ line-height: 2.6em;
2193
+ }
2194
+
2195
+ .icon-cube::before {
2196
+ z-index: 2;
2197
+ background-color:#fff;
2198
+ }
2199
+
2200
+ .icon-cube::after {
2201
+ z-index: 1;
2202
+ opacity: 0;
2203
+ -webkit-transform:translateY(25px) rotateX(-90deg);
2204
+ transform:translateY(25px) rotateX(-90deg);
2205
+ }
2206
+
2207
+ .icon-cube:hover::before {
2208
+ opacity: 0;
2209
+ -webkit-transform: translateY(-25px) rotateX(90deg);
2210
+ transform: translateY(-25px) rotateX(90deg);
2211
+ }
2212
+
2213
+ .icon-cube:hover::after {
2214
+ opacity: 1;
2215
+ -webkit-transform: rotateX(0);
2216
+ transform: rotateX(0);
2217
+ }
2218
+
2219
+ /*-- facebook --*/
2220
+ /*-- w3layouts --*/
2221
+ .icon-cube.agile_facebook::before,
2222
+ .icon-cube.agile_facebook::after {
2223
+ content: "\f09a";
2224
+ color: #3b5998;
2225
+ }
2226
+
2227
+ .icon-cube.agile_facebook::after {
2228
+ background-color:#3b5998;
2229
+ color:#fff;
2230
+ }
2231
+ /*-- rss --*/
2232
+ .icon-cube.agile_rss::before,
2233
+ .icon-cube.agile_rss::after {
2234
+ content:"\f09e";
2235
+ color: #f26522;
2236
+ }
2237
+
2238
+ .icon-cube.agile_rss::after {
2239
+ background-color:#f26522;
2240
+ color: #fff;
2241
+ }
2242
+ /*-- instagram --*/
2243
+ .icon-cube.agile_instagram::before,
2244
+ .icon-cube.agile_instagram::after {
2245
+ content:"\f16d";
2246
+ color: #833ab4;
2247
+ }
2248
+
2249
+ .icon-cube.agile_instagram::after {
2250
+ background-color:#833ab4;
2251
+ color: #fff;
2252
+ }
2253
+ /*-- t --*/
2254
+ .icon-cube.agile_t::before,
2255
+ .icon-cube.agile_t::after {
2256
+ content:"\f173";
2257
+ color: #35465c;
2258
+ }
2259
+
2260
+ .icon-cube.agile_t::after {
2261
+ background-color:#35465c;
2262
+ color: #fff;
2263
+ }
2264
+ /*-- //social-icons --*/
2265
+ /*-- icons --*/
2266
+ .codes a {
2267
+ color: #999;
2268
+ }
2269
+ .icon-box {
2270
+ padding: 8px 15px;
2271
+ background:rgba(149, 149, 149, 0.18);
2272
+ margin: 1em 0 1em 0;
2273
+ border: 5px solid #ffffff;
2274
+ text-align: left;
2275
+ -moz-box-sizing: border-box;
2276
+ -webkit-box-sizing: border-box;
2277
+ box-sizing: border-box;
2278
+ font-size: 13px;
2279
+ transition: 0.5s all;
2280
+ -webkit-transition: 0.5s all;
2281
+ -o-transition: 0.5s all;
2282
+ -ms-transition: 0.5s all;
2283
+ -moz-transition: 0.5s all;
2284
+ cursor: pointer;
2285
+ }
2286
+ .icon-box:hover {
2287
+ background: #000;
2288
+ transition:0.5s all;
2289
+ -webkit-transition:0.5s all;
2290
+ -o-transition:0.5s all;
2291
+ -ms-transition:0.5s all;
2292
+ -moz-transition:0.5s all;
2293
+ }
2294
+ .icon-box:hover i.fa {
2295
+ color:#fff !important;
2296
+ }
2297
+ .icon-box:hover a.agile-icon {
2298
+ color:#fff !important;
2299
+ }
2300
+ .codes .bs-glyphicons li {
2301
+ float: left;
2302
+ width: 12.5%;
2303
+ height: 115px;
2304
+ padding: 10px;
2305
+ line-height: 1.4;
2306
+ text-align: center;
2307
+ font-size: 12px;
2308
+ list-style-type: none;
2309
+ }
2310
+ .codes .bs-glyphicons .glyphicon {
2311
+ margin-top: 5px;
2312
+ margin-bottom: 10px;
2313
+ font-size: 24px;
2314
+ }
2315
+ .codes .glyphicon {
2316
+ position: relative;
2317
+ top: 1px;
2318
+ display: inline-block;
2319
+ font-family: 'Glyphicons Halflings';
2320
+ font-style: normal;
2321
+ font-weight: 400;
2322
+ line-height: 1;
2323
+ -webkit-font-smoothing: antialiased;
2324
+ -moz-osx-font-smoothing: grayscale;
2325
+ color: #777;
2326
+ }
2327
+ .codes .bs-glyphicons .glyphicon-class {
2328
+ display: block;
2329
+ text-align: center;
2330
+ word-wrap: break-word;
2331
+ }
2332
+ h4.m-sing {
2333
+ text-align: left;
2334
+ }
2335
+ h3.icon-subheading {
2336
+ font-size: 28px;
2337
+ color: #0066ff !important;
2338
+ margin: 30px 0 15px;
2339
+ font-weight: 600;
2340
+ letter-spacing: 2px;
2341
+ }
2342
+ h3.agileits-icons-title {
2343
+ text-align: center;
2344
+ font-size: 33px;
2345
+ color: #222222;
2346
+ font-weight: 600;
2347
+ letter-spacing: 2px;
2348
+ }
2349
+ .icons a {
2350
+ color: #999;
2351
+ }
2352
+ .icon-box i {
2353
+ margin-right: 10px !important;
2354
+ font-size: 20px !important;
2355
+ color: #282a2b !important;
2356
+ }
2357
+ .bs-glyphicons li {
2358
+ float: left;
2359
+ width: 18%;
2360
+ height: 115px;
2361
+ padding: 10px;
2362
+ line-height: 1.4;
2363
+ text-align: center;
2364
+ font-size: 12px;
2365
+ list-style-type: none;
2366
+ background:rgba(149, 149, 149, 0.18);
2367
+ margin: 1%;
2368
+ }
2369
+ .bs-glyphicons .glyphicon {
2370
+ margin-top: 5px;
2371
+ margin-bottom: 10px;
2372
+ font-size: 24px;
2373
+ color: #282a2b;
2374
+ }
2375
+ .glyphicon {
2376
+ position: relative;
2377
+ top: 1px;
2378
+ display: inline-block;
2379
+ font-family: 'Glyphicons Halflings';
2380
+ font-style: normal;
2381
+ font-weight: 400;
2382
+ line-height: 1;
2383
+ -webkit-font-smoothing: antialiased;
2384
+ -moz-osx-font-smoothing: grayscale;
2385
+ color: #777;
2386
+ }
2387
+ .bs-glyphicons .glyphicon-class {
2388
+ display: block;
2389
+ text-align: center;
2390
+ word-wrap: break-word;
2391
+ }
2392
+ @media (max-width:991px){
2393
+ h3.agileits-icons-title {
2394
+ font-size: 28px;
2395
+ }
2396
+ h3.icon-subheading {
2397
+ font-size: 22px;
2398
+ }
2399
+ }
2400
+ @media (max-width:768px){
2401
+ h3.agileits-icons-title {
2402
+ font-size: 28px;
2403
+ }
2404
+ h3.icon-subheading {
2405
+ font-size: 25px;
2406
+ }
2407
+ .row {
2408
+ margin-right: 0;
2409
+ margin-left: 0;
2410
+ }
2411
+ .icon-box {
2412
+ margin: 0;
2413
+ }
2414
+ }
2415
+ @media (max-width: 640px){
2416
+ .icon-box {
2417
+ float: left;
2418
+ width: 50%;
2419
+ }
2420
+ }
2421
+ @media (max-width: 480px){
2422
+ .bs-glyphicons li {
2423
+ width: 31%;
2424
+ }
2425
+ .icon-box {
2426
+ float: none;
2427
+ width: 100%;
2428
+ }
2429
+ }
2430
+ @media (max-width: 414px){
2431
+ h3.agileits-icons-title {
2432
+ font-size: 23px;
2433
+ }
2434
+ h3.icon-subheading {
2435
+ font-size: 18px;
2436
+ }
2437
+ .bs-glyphicons li {
2438
+ width: 31.33%;
2439
+ }
2440
+ }
2441
+ @media (max-width: 384px){
2442
+ .icon-box {
2443
+ float: none;
2444
+ width: 100%;
2445
+ }
2446
+ }
2447
+ /*-- //icons --*/
2448
+ .w3_wthree_agileits_icons.main-grid-border {
2449
+ padding: 5em 0;
2450
+ }
2451
+ /*-----start-responsive-design------*/
2452
+ @media (max-width:1680px){
2453
+ }
2454
+ @media (max-width:1600px){
2455
+ }
2456
+ @media (max-width:1440px){
2457
+ }
2458
+ @media (max-width:1366px){
2459
+ }
2460
+ @media (max-width: 1280px){
2461
+ }
2462
+ @media (max-width: 1080px){
2463
+ #PPMiniCart {
2464
+ left: 42% !important;
2465
+ }
2466
+ #Awesome h4 {
2467
+ padding: 1.9em 0 0;
2468
+ }
2469
+ .w3ls_logo_products_left h1 a {
2470
+ font-size: 34px;
2471
+ }
2472
+ .w3l_search input[type="search"] {
2473
+ width: 81%;
2474
+ }
2475
+ .navbar-nav > li {
2476
+ margin-left: 8px;
2477
+ }
2478
+ .nav > li > a {
2479
+ padding: 10px 8px !important;
2480
+ }
2481
+ .top-brands h2, .newproducts-w3agile h3, .login h2, .register h2, .faq-w3agile h3, .brands h3 {
2482
+ font-size: 2em;
2483
+ }
2484
+ .w3_footer_grid h3 {
2485
+ font-size: 1.4em;
2486
+ }
2487
+ .products-right {
2488
+ padding: 0;
2489
+ }
2490
+ .snipcart-details {
2491
+ width: 81%;
2492
+ }
2493
+ h3.w3_agile_header, h2.w3_agile_header {
2494
+ font-size: 2em;
2495
+ }
2496
+ .w3_agileits_contact_grid_right {
2497
+ padding: 0 2em 0 6em;
2498
+ }
2499
+ .agileits_w3layouts_map_pos {
2500
+ width: 65%;
2501
+ }
2502
+ .about-team-grids {
2503
+ width: 24.4%;
2504
+ }
2505
+ .about-team-grids h4 {
2506
+ font-size: 0.9em;
2507
+ }
2508
+ .about-team-grids:hover .caption {
2509
+ top: 42.2%;
2510
+ }
2511
+ .testi h4 {
2512
+ font-size: 1.1em;
2513
+ }
2514
+ }
2515
+ @media (max-width: 1024px){
2516
+ }
2517
+ @media (max-width: 991px){
2518
+ .w3l_offers p {
2519
+ font-size: 14px;
2520
+ }
2521
+ .w3l_offers {
2522
+ width: 52%;
2523
+ }
2524
+ .agile-login {
2525
+ padding: 6px 0;
2526
+ }
2527
+ .w3view-cart {
2528
+ height: 36px;
2529
+ }
2530
+ .agileits_header {
2531
+ padding: 12px 0 8px;
2532
+ }
2533
+ .w3ls_logo_products_left h1 a {
2534
+ font-size: 30px;
2535
+ }
2536
+ i.fa.fa-phone {
2537
+ margin-right: 7px;
2538
+ font-size: 15px;
2539
+ }
2540
+ ul.phone_email li {
2541
+ font-size: 13px;
2542
+ }
2543
+ .w3ls_logo_products_left1 {
2544
+ margin-top: 0;
2545
+ width: 38%;
2546
+ }
2547
+ .w3l_search {
2548
+ width: 27%;
2549
+ margin: 0em 0 0em 0em;
2550
+ }
2551
+ .w3l_search input[type="search"] {
2552
+ width: 76%;
2553
+ }
2554
+ .navbar-default .navbar-nav > li > a {
2555
+ font-size: 14px;
2556
+ }
2557
+ .nav > li > a {
2558
+ padding: 10px 2px !important;
2559
+ }
2560
+ .navbar-nav > li {
2561
+ margin-left: 5px;
2562
+ }
2563
+ .navbar {
2564
+ min-height: 43px;
2565
+ }
2566
+ .top_brand_left {
2567
+ float: left;
2568
+ width: 33.33%;
2569
+ }
2570
+ .agile_top_brand_left_grid1 img {
2571
+ max-width: 100% ! important ;
2572
+ }
2573
+ .brands-agile-1 {
2574
+ margin: 0;
2575
+ }
2576
+ .w3layouts-brand {
2577
+ float: left;
2578
+ width: 33.33%;
2579
+ margin-bottom: 3%;
2580
+ }
2581
+ .top_brand_left-1 {
2582
+ width: 50%;
2583
+ float: left;
2584
+ margin-bottom: 3%;
2585
+ }
2586
+ .newproducts-w3agile {
2587
+ padding: 3em 0 2em;
2588
+ }
2589
+ .footer {
2590
+ padding: 3em 0 2em;
2591
+ }
2592
+ .w3_footer_grid {
2593
+ float: left;
2594
+ width: 50%;
2595
+ margin-bottom: 1em;
2596
+ }
2597
+ .footer-copy p {
2598
+ margin: 1.5em 0 0;
2599
+ }
2600
+ .ban-bottom3 {
2601
+ margin: 2em 0;
2602
+ }
2603
+ .products-left {
2604
+ padding: 0;
2605
+ margin-bottom: 24px;
2606
+ }
2607
+ .w3_agileits_contact_grid_right {
2608
+ padding: 0 1em 0 1em;
2609
+ margin-top:2em;
2610
+ }
2611
+ .agileits_w3layouts_map_pos {
2612
+ right: 6%;
2613
+ width: 38%;
2614
+ }
2615
+ .about-w3imgs {
2616
+ float: left;
2617
+ width: 33.33%;
2618
+ }
2619
+ .about-wthree-grids {
2620
+ margin-top: 2em;
2621
+ }
2622
+ .about-slid h2 {
2623
+ font-size: 2.5em;
2624
+ }
2625
+ .about-slid-info {
2626
+ width: 100%;
2627
+ }
2628
+ .about-team-grids {
2629
+ margin-left: 16px;
2630
+ width: 47%;
2631
+ float: left;
2632
+ padding: 2em 2em;
2633
+ margin-bottom: 20px;
2634
+ }
2635
+ .login-form-grids {
2636
+ width: 65%;
2637
+ }
2638
+ .login h4 {
2639
+ font-size: 1.3em;
2640
+ }
2641
+ .timetable_sub th, .timetable_sub td {
2642
+ font-size: 12px;
2643
+ }
2644
+ .checkout-left-basket {
2645
+ width: 34%;
2646
+ }
2647
+ .agileinfo_single_left {
2648
+ float: left;
2649
+ width: 40%;
2650
+ }
2651
+ .agileinfo_single_right {
2652
+ padding-left: 2em;
2653
+ float: left;
2654
+ width: 60%;
2655
+ }
2656
+ .agileinfo_single h2 {
2657
+ font-size: 1.4em;
2658
+ }
2659
+ .w3agile_description p {
2660
+ font-size: 14px;
2661
+ width: 100%;
2662
+ }
2663
+ .agileinfo_single_right_details {
2664
+ width: 36% !important;
2665
+ }
2666
+ }
2667
+ @media (max-width:800px){
2668
+ }
2669
+ @media (max-width: 768px){
2670
+ #PPMiniCart {
2671
+ left: 39% !important;
2672
+ }
2673
+ .top-brands {
2674
+ padding: 3em 0;
2675
+ }
2676
+ p.w3l-ad {
2677
+ width: 80%;
2678
+ }
2679
+ .brands {
2680
+ padding: 3em 0;
2681
+ }
2682
+ .ban-bottom-w3l {
2683
+ padding: 3em 0;
2684
+ }
2685
+ .brands-agile {
2686
+ margin-top: 3em;
2687
+ }
2688
+ .grid_3.grid_5 {
2689
+ margin-top: 3em;
2690
+ }
2691
+ .products {
2692
+ padding: 3em 0;
2693
+ }
2694
+ ul.paging {
2695
+ margin: 2em auto 0;
2696
+ }
2697
+ .about, .about-team, .contact, .codes {
2698
+ padding: 3em 0;
2699
+ }
2700
+ .about-agileinfo {
2701
+ margin-top: 3em;
2702
+ }
2703
+ .team-agileitsinfo {
2704
+ margin-top: 3em;
2705
+ }
2706
+ .register {
2707
+ padding: 3em 0;
2708
+ }
2709
+ .login {
2710
+ padding: 3em 0;
2711
+ }
2712
+ .checkout {
2713
+ padding: 3em 0;
2714
+ }
2715
+ }
2716
+ @media (max-width: 767px){
2717
+ .navbar-nav > li {
2718
+ float: none;
2719
+ margin-left: 0px;
2720
+ text-align: center;
2721
+ }
2722
+ .navbar-nav {
2723
+ margin: 0;
2724
+ }
2725
+ .about, .about-team, .contact, .codes {
2726
+ padding: 3em 0;
2727
+ }
2728
+ .agileits_w3layouts_map_pos {
2729
+ width: 45%;
2730
+ }
2731
+ ul.faq {
2732
+ margin-top: 3em;
2733
+ padding: 0 1.5em;
2734
+ }
2735
+ .faq-w3agile {
2736
+ padding: 3em 0em;
2737
+ }
2738
+ .navbar-nav .open .dropdown-menu {
2739
+ background: #fff;
2740
+ }
2741
+ .navbar-default {
2742
+ background: none;
2743
+ border: none;
2744
+ text-align: center;
2745
+ }
2746
+ }
2747
+ @media (max-width: 736px){
2748
+ #PPMiniCart {
2749
+ top: 140px !important;
2750
+ }
2751
+ #PPMiniCart form {
2752
+ max-height: 185px !important;
2753
+ }
2754
+ .w3l_offers p {
2755
+ font-size: 13px;
2756
+ }
2757
+ .w3ls_logo_products_left h1 a {
2758
+ font-size: 26px;
2759
+ }
2760
+ .logo_products {
2761
+ padding: 1.5em 0;
2762
+ }
2763
+ .skdslider {
2764
+ height: 281px;
2765
+ }
2766
+ .snipcart-details {
2767
+ width: 100%;
2768
+ }
2769
+ .agile_top_brand_left_grid1 p {
2770
+ font-size: 13px;
2771
+ }
2772
+ .agile_top_brand_left_grid1 h4, .agileinfo_single_right_snipcart h4 {
2773
+ font-size: 0.9em;
2774
+ }
2775
+ .value {
2776
+ width: 27px;
2777
+ height: 27px;
2778
+ padding: 8px 0px;
2779
+ line-height: 13px;
2780
+ }
2781
+ .value-minus, .value-plus {
2782
+ height: 27px;
2783
+ line-height: 13px;
2784
+ width: 27px;
2785
+ font-size: 16px;
2786
+ }
2787
+ .agileinfo_single h2 {
2788
+ font-size: 1.3em;
2789
+ }
2790
+ }
2791
+ @media (max-width: 667px){
2792
+ #PPMiniCart {
2793
+ left: 36% !important;
2794
+ }
2795
+ #PPMiniCart form {
2796
+ max-height: 165px !important;
2797
+ }
2798
+ .agile-login {
2799
+ width: 37%;
2800
+ }
2801
+ .w3l_offers {
2802
+ width: 56%;
2803
+ }
2804
+ .agile-login ul li {
2805
+ padding: 0em 0.4em;
2806
+ }
2807
+ .w3ls_logo_products_left1 {
2808
+ width: 100%;
2809
+ text-align: center;
2810
+ }
2811
+ .w3ls_logo_products_left {
2812
+ width: 100%;
2813
+ margin: 20px 0;
2814
+ }
2815
+ .w3ls_logo_products_left h1 a {
2816
+ display: inline-block;
2817
+ }
2818
+ .w3l_search {
2819
+ width: 100%;
2820
+ }
2821
+ .w3l_search input[type="search"] {
2822
+ width: 92%;
2823
+ }
2824
+ .logo_products {
2825
+ padding: 1em 0;
2826
+ }
2827
+ .top_brand_left {
2828
+ width: 100%;
2829
+ margin-bottom: 3%;
2830
+ }
2831
+ .snipcart-details input.button {
2832
+ width: 54%;
2833
+ }
2834
+ .agile_top_brands_grids {
2835
+ margin-top: 2em;
2836
+ }
2837
+ .agileits_w3layouts_map_pos {
2838
+ width: 51%;
2839
+ }
2840
+ .login-form-grids {
2841
+ width: 71%;
2842
+ }
2843
+ .checkout-left-basket {
2844
+ width: 42%;
2845
+ }
2846
+ .agileinfo_single h2 {
2847
+ font-size: 1.2em;
2848
+ }
2849
+ .agileinfo_single_right_details {
2850
+ width: 73% !important;
2851
+ text-align: left;
2852
+ }
2853
+ }
2854
+ @media (max-width: 640px){
2855
+ #PPMiniCart form {
2856
+ max-height: 400px !important;
2857
+ }
2858
+ .w3l_offers {
2859
+ width: 100%;
2860
+ text-align: center;
2861
+ }
2862
+ .agile-login {
2863
+ width: 38%;
2864
+ }
2865
+ .about .grid-top h4 {
2866
+ font-size: 1.3em;
2867
+ }
2868
+ .about-slid h2 {
2869
+ font-size: 2em;
2870
+ }
2871
+ .about-slid {
2872
+ padding: 4em 0;
2873
+ }
2874
+ .about-slid p {
2875
+ font-size: 0.9em;
2876
+ }
2877
+ .login-form-grids {
2878
+ width: 76%;
2879
+ }
2880
+ .agileinfo_single_left {
2881
+ padding: 1em;
2882
+ }
2883
+ .agileinfo_single_right {
2884
+ padding-left: 1em;
2885
+ }
2886
+ }
2887
+ @media (max-width: 600px){
2888
+ #PPMiniCart form {
2889
+ width: 506px !important;
2890
+ }
2891
+ #PPMiniCart {
2892
+ left: 41% !important;
2893
+ }
2894
+ #PPMiniCart ul {
2895
+ width: 464px !important;
2896
+ }
2897
+ #PPMiniCart form {
2898
+ max-height: 210px !important;
2899
+ }
2900
+ .agile-login {
2901
+ width: 40%;
2902
+ }
2903
+ .value-minus, .value-plus {
2904
+ height: 22px;
2905
+ width: 22px;
2906
+ }
2907
+ .value {
2908
+ width: 22px;
2909
+ height: 22px;
2910
+ line-height: 6px;
2911
+ }
2912
+ }
2913
+ @media (max-width: 568px){
2914
+ #PPMiniCart form {
2915
+ max-height: 100px !important;
2916
+ }
2917
+ .snipcart-details input.button {
2918
+ width: 64%;
2919
+ }
2920
+ .agile-login {
2921
+ width: 43%;
2922
+ }
2923
+ .w3l_search input[type="search"] {
2924
+ width: 91%;
2925
+ }
2926
+ .agileits_w3layouts_map_pos {
2927
+ width: 58%;
2928
+ }
2929
+ .about-team-grids {
2930
+ width: 46%;
2931
+ }
2932
+ .checkout-left-basket {
2933
+ width: 49%;
2934
+ }
2935
+ td.invert-image a img {
2936
+ width: 65%;
2937
+ }
2938
+ .timetable_sub th, .timetable_sub td {
2939
+ width: 50px;
2940
+ }
2941
+ .value {
2942
+ width: 17px;
2943
+ height: 17px;
2944
+ line-height: 0px;
2945
+ }
2946
+ .value-minus, .value-plus {
2947
+ height: 17px;
2948
+ width: 17px;
2949
+ }
2950
+ .timetable_sub th, .timetable_sub td {
2951
+ padding: 7px 0px;
2952
+ }
2953
+ }
2954
+ @media (max-width: 480px){
2955
+ #PPMiniCart form {
2956
+ max-height: 350px !important;
2957
+ }
2958
+ #PPMiniCart form {
2959
+ width: 400px !important;
2960
+ }
2961
+ #PPMiniCart ul {
2962
+ width: 358px !important;
2963
+ }
2964
+ #PPMiniCart {
2965
+ left: 51% !important;
2966
+ }
2967
+ .top_brand_left-1 {
2968
+ width: 100%;
2969
+ }
2970
+ .w3layouts-brand {
2971
+ float: left;
2972
+ width: 50%;
2973
+ margin-bottom: 3%;
2974
+ }
2975
+ .nav-tabs>li>a {
2976
+ font-size: 14px;
2977
+ }
2978
+ .w3l_search input[type="search"] {
2979
+ width: 90%;
2980
+ }
2981
+ .agile-login {
2982
+ width: 50%;
2983
+ }
2984
+ .top-brands h2, .newproducts-w3agile h3, .login h2, .register h2, .faq-w3agile h3, .brands h3 {
2985
+ font-size: 1.7em;
2986
+ }
2987
+ p.w3l-ad {
2988
+ width: 100%;
2989
+ }
2990
+ .grid_3.grid_5 h5 {
2991
+ font-size: 18px;
2992
+ }
2993
+ .w3_footer_grid {
2994
+ width: 100%;
2995
+ }
2996
+ .w3_footer_grid h3 {
2997
+ margin-bottom: 1em;
2998
+ }
2999
+ .sorting {
3000
+ width: 44%;
3001
+ }
3002
+ .sorting-left {
3003
+ width: 42%;
3004
+ }
3005
+ h3.w3_agile_header, h2.w3_agile_header {
3006
+ font-size: 1.7em;
3007
+ }
3008
+ .agileits_w3layouts_map_pos {
3009
+
3010
+ width: 70%;
3011
+ }
3012
+ .about-team-grids {
3013
+ width: 65%;
3014
+ float: none;
3015
+ margin: 0 auto 20px;
3016
+ }
3017
+ .about-slid h2 {
3018
+ font-size: 1.7em;
3019
+ }
3020
+ .login-form-grids {
3021
+ width: 90%;
3022
+ }
3023
+ .checkout-left-basket {
3024
+ width: 57%;
3025
+ }
3026
+ .checkout-right-basket {
3027
+ margin: 3em 0 0 0em;
3028
+ }
3029
+ .agileinfo_single_left {
3030
+ width: 100%;
3031
+ margin-bottom: 2em;
3032
+ padding: 3em 4em;
3033
+ }
3034
+ .agileinfo_single_right {
3035
+ padding-left: 0em;
3036
+ width: 100%;
3037
+ }
3038
+ }
3039
+ @media (max-width: 414px){
3040
+ #PPMiniCart form {
3041
+ width: 360px !important;
3042
+ }
3043
+ #PPMiniCart ul {
3044
+ width: 318px !important;
3045
+ }
3046
+ #PPMiniCart {
3047
+ left: 55% !important;
3048
+ }
3049
+ .agile-login {
3050
+ width: 61%;
3051
+ }
3052
+ .w3l_search input[type="search"] {
3053
+ width: 87%;
3054
+ }
3055
+ .w3ls_logo_products_left {
3056
+ margin: 12px 0;
3057
+ }
3058
+ .ban-text1 h4 {
3059
+ font-size: 16px;
3060
+ }
3061
+ .ban-text1 {
3062
+ left: 18%;
3063
+ }
3064
+ .footer-copy p {
3065
+ font-size: 14px;
3066
+ }
3067
+ .agileits_w3layouts_map_pos {
3068
+ width: 80%;
3069
+ }
3070
+ .about-wthree-grids {
3071
+ margin-top: 0em;
3072
+ }
3073
+ .about .grid-top h4 {
3074
+ font-size: 1.1em;
3075
+ line-height: 24px;
3076
+ }
3077
+ .about .grid-top p {
3078
+ font-size: 0.875em;
3079
+ }
3080
+ .about-team-grids {
3081
+ width: 80%;
3082
+ }
3083
+ .login-form-grids {
3084
+ padding: 2em;
3085
+ }
3086
+ .checkout h2 {
3087
+ font-size: 0.95em;
3088
+ margin: 0 0 2em;
3089
+ }
3090
+ .value-minus, .value-plus {
3091
+ margin: 4px 15px;
3092
+ display: inline-block;
3093
+ }
3094
+ .value {
3095
+ margin: 4px 15px;
3096
+ display: inline-block;
3097
+ }
3098
+ .quantity-select .entry.value-minus {
3099
+ margin-left: 15px;
3100
+ }
3101
+ .checkout-left-basket {
3102
+ width: 100%;
3103
+ }
3104
+ .agileinfo_single_left {
3105
+ padding: 2em 2em;
3106
+ }
3107
+ }
3108
+ @media (max-width: 384px){
3109
+ #PPMiniCart form {
3110
+ width: 300px !important;
3111
+ padding: 10px 10px 40px !important;
3112
+ }
3113
+ #PPMiniCart ul {
3114
+ width: 278px !important;
3115
+ }
3116
+ #PPMiniCart .minicart-remove {
3117
+ width: 11px !important;
3118
+ height: 11px !important;
3119
+ line-height: 0;
3120
+ margin: 3px 0 0 !important;
3121
+ }
3122
+ #PPMiniCart {
3123
+ left: 64% !important;
3124
+ }
3125
+ #PPMiniCart .minicart-item a {
3126
+ font-size: 13px;
3127
+ }
3128
+ #PPMiniCart .minicart-attributes li {
3129
+ font-size: 12px;
3130
+ }
3131
+ span.minicart-price {
3132
+ font-size: 12px;
3133
+ }
3134
+ #PPMiniCart .minicart-quantity {
3135
+ font-size: 11px;
3136
+ }
3137
+ .w3l_offers p {
3138
+ font-size: 12px;
3139
+ }
3140
+ .agile-login {
3141
+ width: 67%;
3142
+ }
3143
+ .w3l_search input[type="search"] {
3144
+ width: 86%;
3145
+ }
3146
+ .w3layouts-foot {
3147
+ width: 100%;
3148
+ text-align: center;
3149
+ margin-bottom: 20px;
3150
+ }
3151
+ .payment-w3ls {
3152
+ width: 100%;
3153
+ text-align: center;
3154
+ }
3155
+ .payment-w3ls img{
3156
+ display:inline-block;
3157
+ }
3158
+ .agileits_w3layouts_map_pos {
3159
+ width: 90%;
3160
+ }
3161
+ .about-slid h2 {
3162
+ font-size: 1.5em;
3163
+ }
3164
+ .about-slid p {
3165
+ font-size: 0.875em;
3166
+ }
3167
+ .login-form-grids {
3168
+ width: 95%;
3169
+ }
3170
+ .checkout h2 {
3171
+ font-size: 0.9em;
3172
+ }
3173
+ }
3174
+ @media (max-width: 375px){
3175
+ .login-form-grids {
3176
+ width: 100%;
3177
+ }
3178
+ .checkout h2 {
3179
+ font-size: 0.875em;
3180
+ }
3181
+ .agileinfo_single_left {
3182
+ padding: 1em 1em;
3183
+ }
3184
+ .agileinfo_single h2 {
3185
+ font-size: 1.1em;
3186
+ }
3187
+ }
3188
+ @media (max-width: 320px){
3189
+ #PPMiniCart form {
3190
+ width: 285px !important;
3191
+ }
3192
+ #PPMiniCart ul {
3193
+ width: 263px !important;
3194
+ }
3195
+ #PPMiniCart {
3196
+ left: 69% !important;
3197
+ }
3198
+ #PPMiniCart .minicart-subtotal {
3199
+ padding-left: 5px !important;
3200
+ font-size: 13px !important;
3201
+ }
3202
+ .agile-login {
3203
+ width: 79%;
3204
+ }
3205
+ .w3l_offers p {
3206
+ font-size: 10px;
3207
+ }
3208
+ .w3l_offers {
3209
+ padding: 9px 0 5px;
3210
+ }
3211
+ .w3ls_logo_products_left {
3212
+ margin: 3px 0 12px;
3213
+ }
3214
+ .w3l_search input[type="search"] {
3215
+ width: 83%;
3216
+ }
3217
+ .top-brands h2, .newproducts-w3agile h3, .login h2, .register h2, .faq-w3agile h3, .brands h3 {
3218
+ font-size: 1.4em;
3219
+ }
3220
+ .nav-tabs>li>a {
3221
+ font-size: 12px;
3222
+ }
3223
+ div#myTabContent {
3224
+ padding: 20px 20px;
3225
+ }
3226
+ p.w3l-ad {
3227
+ font-size: 13px;
3228
+ line-height: 24px;
3229
+ }
3230
+ .top_brand_left {
3231
+ padding: 0;
3232
+ }
3233
+ .ban-text1 h4 {
3234
+ font-size: 14px;
3235
+ }
3236
+ .ban-text1 {
3237
+ left: 17%;
3238
+ padding: 8px 18px;
3239
+ }
3240
+ .top-brands {
3241
+ padding: 2em 0;
3242
+ }
3243
+ .grid_3.grid_5 {
3244
+ margin-top: 2em;
3245
+ }
3246
+ .ban-bottom-w3l {
3247
+ padding: 2em 0;
3248
+ }
3249
+ .brands {
3250
+ padding: 2em 0;
3251
+ }
3252
+ .w3layouts-brand {
3253
+ width: 46%;
3254
+ padding: 0;
3255
+ margin: 2%;
3256
+ }
3257
+ .brands-agile {
3258
+ margin-top: 2em;
3259
+ }
3260
+ .newproducts-w3agile {
3261
+ padding: 2em 0 1em;
3262
+ }
3263
+ .footer-copy p {
3264
+ margin: 0 0 0;
3265
+ }
3266
+ .footer {
3267
+ padding: 2em 0 1.5em;
3268
+ }
3269
+ .w3_footer_grid h3 {
3270
+ font-size: 1.3em;
3271
+ }
3272
+ .w3_footer_grid {
3273
+ padding: 0;
3274
+ }
3275
+ .sorting-left {
3276
+ width: 47%;
3277
+ margin-right: 2%;
3278
+ }
3279
+ .sorting {
3280
+ width: 51%;
3281
+ }
3282
+ .products {
3283
+ padding: 2em 0;
3284
+ }
3285
+ .categories ul.cate, .new-products-grids {
3286
+ padding: 1em;
3287
+ }
3288
+ ul.cate ul {
3289
+ margin-left: 1.5em;
3290
+ }
3291
+ .about, .about-team, .contact, .codes {
3292
+ padding: 2em 0;
3293
+ }
3294
+ .agileits_w3layouts_map_pos1 {
3295
+ padding: 1em;
3296
+ }
3297
+ .agileits_w3layouts_map_pos {
3298
+ padding: 1em;
3299
+ }
3300
+ .agileits_w3layouts_map_pos {
3301
+ top: 13%;
3302
+ }
3303
+ .agile_map iframe {
3304
+ min-height: 430px;
3305
+ }
3306
+ h3.w3_agile_header, h2.w3_agile_header {
3307
+ font-size: 1.4em;
3308
+ }
3309
+ .about-agileinfo {
3310
+ margin-top: 2em;
3311
+ }
3312
+ .about-wthree-grids {
3313
+ padding: 0;
3314
+ }
3315
+ .about .grid-top h4 {
3316
+ font-size: 1em;
3317
+ letter-spacing: 1px;
3318
+ }
3319
+ .time-top h4 {
3320
+ font-size: 1.5em;
3321
+ }
3322
+ .about-slid {
3323
+ padding: 3em 0;
3324
+ }
3325
+ .about-slid h2 {
3326
+ font-size: 1.3em;
3327
+ }
3328
+ .about-team-grids {
3329
+ width: 100%;
3330
+ }
3331
+ .faq-w3agile {
3332
+ padding: 2em 0em;
3333
+ }
3334
+ ul.faq {
3335
+ margin-top: 2em;
3336
+ padding: 0 1em;
3337
+ }
3338
+ .faq-w3agile .faq li {
3339
+ margin-top: 1em;
3340
+ }
3341
+ .faq > li > a {
3342
+ line-height: 23px;
3343
+ }
3344
+ .register {
3345
+ padding: 2em 0;
3346
+ }
3347
+ .login-form-grids {
3348
+ margin: 2em auto 0;
3349
+ }
3350
+ .login-form-grids {
3351
+ padding: 1.2em;
3352
+ }
3353
+ .register-check-box label {
3354
+ font-size: 13px;
3355
+ }
3356
+ .checkbox {
3357
+ padding-left: 30px !important;
3358
+ }
3359
+ .login {
3360
+ padding: 2em 0;
3361
+ }
3362
+ .login p a {
3363
+ font-size: 1em;
3364
+ }
3365
+ .checkout h2 {
3366
+ font-size: 0.875em;
3367
+ line-height: 22px;
3368
+ }
3369
+ .checkout {
3370
+ padding: 2em 0;
3371
+ }
3372
+ .value-minus, .value-plus {
3373
+ margin: 4px 10px;
3374
+ }
3375
+ .quantity-select .entry.value-minus {
3376
+ margin-left: 10px;
3377
+ }
3378
+ .value {
3379
+ margin: 4px 10px;
3380
+ }
3381
+ td.invert-image a img {
3382
+ width: 72%;
3383
+ }
3384
+ .agileinfo_single h2 {
3385
+ font-size: 0.95em;
3386
+ }
3387
+ .w3agile_description h4 {
3388
+ font-size: 0.875em;
3389
+ }
3390
+ .w3agile_description {
3391
+ margin: 1em 0;
3392
+ }
3393
+ .w3agile_description p {
3394
+ font-size: 13px;
3395
+ }
3396
+ }
static/fonts/FontAwesome.otf ADDED
Binary file (125 kB). View file
 
static/fonts/fontawesome-webfont.eot ADDED
Binary file (76.5 kB). View file
 
static/fonts/fontawesome-webfont.ttf ADDED
Binary file (153 kB). View file
 
static/fonts/fontawesome-webfont.woff ADDED
Binary file (90.4 kB). View file
 
static/fonts/fontawesome-webfont.woff2 ADDED
Binary file (71.9 kB). View file
 
static/fonts/glyphicons-halflings-regular.eot ADDED
Binary file (20.1 kB). View file